diff --git a/.gitignore b/.gitignore
index 0f0e3031340..836dc6ca842 100644
--- a/.gitignore
+++ b/.gitignore
@@ -14,3 +14,4 @@ src/HowBadIsMyBatch.nbconvert.html
src/__pycache__/
src/intensivstationen/__pycache__/
google-chrome-stable_current_amd64*
+src/captcha/__pycache__
\ No newline at end of file
diff --git a/environment.yml b/environment.yml
index d3de996c1fa..59c3150f39c 100644
--- a/environment.yml
+++ b/environment.yml
@@ -3,7 +3,7 @@ channels:
- defaults
# - conda-forge
dependencies:
- - python=3
+ - python=3.9
- ipykernel
- numpy
- pandas
@@ -12,7 +12,7 @@ dependencies:
- bs4
- lxml
- jupyter
- - tensorflow
+ - tensorflow=2.11
- nb_conda_kernels
- pillow
- openpyxl
diff --git a/src/CaptchaReader.py b/src/CaptchaReader.py
deleted file mode 100644
index fe3df56eb7d..00000000000
--- a/src/CaptchaReader.py
+++ /dev/null
@@ -1,74 +0,0 @@
-import numpy as np
-import tensorflow as tf
-from tensorflow import keras
-from tensorflow.keras import layers
-from PIL import Image
-import numpy as np
-import io
-
-# copied from value of characters variable in captcha_ocr.ipynb or captcha_ocr_trainAndSaveModel.ipynb
-characters = ['0', '1', '2', '3', '4', '5', '6', '7', '8', '9', 'A', 'B', 'C', 'D', 'E', 'F', 'a', 'b', 'c', 'd', 'e', 'f']
-
-img_width = 241
-img_height = 62
-
-downsample_factor = 4
-
-# copied from value of max_length variable in captcha_ocr.ipynb or captcha_ocr_trainAndSaveModel.ipynb
-max_length = 6
-
-char_to_num = layers.StringLookup(
- vocabulary=list(characters),
- mask_token=None)
-
-num_to_char = layers.StringLookup(
- vocabulary=char_to_num.get_vocabulary(),
- mask_token=None, invert=True)
-
-def encode_single_sample(img_path):
- # 1. Read image
- img = tf.io.read_file(img_path)
- # 2. Decode and convert to grayscale
- img = tf.io.decode_png(img, channels=1)
- # 3. Convert to float32 in [0, 1] range
- img = tf.image.convert_image_dtype(img, tf.float32)
- # 4. Resize to the desired size
- img = tf.image.resize(img, [img_height, img_width])
- # 5. Transpose the image because we want the time
- # dimension to correspond to the width of the image.
- img = tf.transpose(img, perm=[1, 0, 2])
- # 7. Return a dict as our model is expecting two inputs
- return asSingleSampleBatch(img)
-
-def asSingleSampleBatch(img):
- array = keras.utils.img_to_array(img)
- array = np.expand_dims(array, axis=0)
- return array
-
-def decode_batch_predictions(pred):
- input_len = np.ones(pred.shape[0]) * pred.shape[1]
- # Use greedy search. For complex tasks, you can use beam search
- results = keras.backend.ctc_decode(pred, input_length=input_len, greedy=True)[0][0][:, :max_length]
- # Iterate over the results and get back the text
- output_text = []
- for res in results:
- res = tf.strings.reduce_join(num_to_char(res)).numpy().decode("utf-8")
- output_text.append(res)
- return output_text
-
-def _getModel():
- print("loading model...")
- model = load_model()
- model.summary()
- return model
-
-def load_model():
- model = keras.models.load_model('model')
- return keras.models.Model(
- model.get_layer(name="image").input,
- model.get_layer(name="dense2").output)
-
-def getTextInCaptchaImage(captchaImageFile):
- batchImages = encode_single_sample(captchaImageFile)
- preds = _getModel().predict(batchImages)
- return decode_batch_predictions(preds)[0]
diff --git a/src/HowBadIsMyBatch.ipynb b/src/HowBadIsMyBatch.ipynb
index a1ef9093c6d..d3d29ca3be4 100644
--- a/src/HowBadIsMyBatch.ipynb
+++ b/src/HowBadIsMyBatch.ipynb
@@ -329,7 +329,7 @@
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
- "version": "3.10.8"
+ "version": "3.9.15"
},
"vscode": {
"interpreter": {
diff --git a/src/VAERSFileDownloader.py b/src/VAERSFileDownloader.py
index cd6cf4b3717..7d59a83996b 100644
--- a/src/VAERSFileDownloader.py
+++ b/src/VAERSFileDownloader.py
@@ -2,8 +2,9 @@ import os
import time
from WebDriver import getWebDriver, isCaptchaSolved, saveCaptchaImageAs
from selenium.webdriver.common.by import By
-from CaptchaReader import getTextInCaptchaImage
+from captcha.CaptchaReader import CaptchaReader
from zipUtils import unzipAndRemove
+from captcha.CaptchaShape import CaptchaShape
#def getTextInCaptchaImage(captchaImageFile):
@@ -15,11 +16,16 @@ from zipUtils import unzipAndRemove
def solveCaptchaAndStartFileDownload(driver, captchaImageFile):
saveCaptchaImageAs(driver, captchaImageFile)
- textInCaptchaImage = getTextInCaptchaImage(captchaImageFile)
+ textInCaptchaImage = _createCaptchaReader().getTextInCaptchaImage(captchaImageFile)
print('textInCaptchaImage:', textInCaptchaImage)
driver.find_element(By.ID, "verificationCode").send_keys(textInCaptchaImage)
driver.find_element(By.CSS_SELECTOR, '[name="downloadbut"]').click()
+def _createCaptchaReader():
+ working_directory = os.path.dirname(__file__)
+ return CaptchaReader(modelFilepath = f'{working_directory}/captcha/MobileNetV3Small',
+ captchaShape = CaptchaShape())
+
def downloadFile(absoluteFile, driver, maxTries):
def _downloadFile():
driver.get('https://vaers.hhs.gov/eSubDownload/index.jsp?fn=' + os.path.basename(absoluteFile))
@@ -42,7 +48,7 @@ def _waitUntilDownloadHasFinished(file):
time.sleep(2)
def downloadVAERSFile(file, downloadDir):
- driver = getWebDriver(downloadDir, isHeadless = True)
+ driver = getWebDriver(downloadDir, isHeadless = False)
downloadedFile = downloadFile(
absoluteFile = downloadDir + "/" + file,
driver = driver,
diff --git a/src/__init__.py b/src/__init__.py
new file mode 100644
index 00000000000..e69de29bb2d
diff --git a/src/captcha.ipynb b/src/captcha.ipynb
new file mode 100644
index 00000000000..3fffbb00435
--- /dev/null
+++ b/src/captcha.ipynb
@@ -0,0 +1,561 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "UNKC5YSEIS_d"
+ },
+ "source": [
+ "# Captchas\n",
+ "\n",
+ "**see:** https://keras.io/examples/vision/captcha_ocr/
\n",
+ "**original:** https://colab.research.google.com/drive/1Olw2KMHfPlnGaYuzffl2zb6D1etlBGZf?usp=sharing
\n",
+ "**View Github version in Colab:** 
\n",
+ "**paper:** Simple and Easy: Transfer Learning-Based Attacks to Text CAPTCHA
"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "wRUsVuIiIS_s"
+ },
+ "source": [
+ "## Setup"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "zZSwQragIS_v"
+ },
+ "outputs": [],
+ "source": [
+ "import os\n",
+ "import numpy as np\n",
+ "from pathlib import Path\n",
+ "import tensorflow as tf\n",
+ "from captcha.GoogleDriveManager import GoogleDriveManager\n",
+ "from captcha.CaptchaGenerator import CaptchaGenerator\n",
+ "from captcha.CharNumConverter import CharNumConverter\n",
+ "from captcha.DataSplitter import DataSplitter\n",
+ "from captcha.DatasetFactory import DatasetFactory\n",
+ "from captcha.ModelFactory import ModelFactory\n",
+ "from captcha.PredictionsDecoder import PredictionsDecoder\n",
+ "from captcha.ModelDAO import ModelDAO\n",
+ "from captcha.CaptchaShape import CaptchaShape"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "0DZfMrbe3MGN"
+ },
+ "outputs": [],
+ "source": [
+ "def getImagesAndLabels(dataDir):\n",
+ " fileSuffix = \".jpeg\"\n",
+ " images = sorted(list(map(str, list(dataDir.glob(\"*\" + fileSuffix)))))\n",
+ " labels = [image.split(os.path.sep)[-1].split(fileSuffix)[0] for image in images]\n",
+ " return images, labels\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "kdL9_t03Mf3t"
+ },
+ "outputs": [],
+ "source": [
+ "def getTrainValidationTestDatasets(dataDir, datasetFactory):\n",
+ " images, labels = getImagesAndLabels(dataDir)\n",
+ " print(\"Number of images found:\", len(images))\n",
+ " print(\"Characters:\", CaptchaGenerator.characters)\n",
+ "\n",
+ " dataSplitter = DataSplitter(images, labels)\n",
+ " \n",
+ " return (\n",
+ " datasetFactory.createDataset(*dataSplitter.getTrain()),\n",
+ " datasetFactory.createDataset(*dataSplitter.getValid()),\n",
+ " datasetFactory.createDataset(*dataSplitter.getTest())\n",
+ " )"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "FqVSEuZp3MGT"
+ },
+ "outputs": [],
+ "source": [
+ "import matplotlib.pyplot as plt\n",
+ "import math\n",
+ "\n",
+ "def displayImagesInGrid(numGridCols, images, titles, titleColors):\n",
+ " assert len(images) == len(titles) == len(titleColors)\n",
+ " images = [image.numpy().astype(np.uint8) for image in images]\n",
+ " numGridRows = math.ceil(len(images) / numGridCols)\n",
+ " _, axs = plt.subplots(numGridRows, numGridCols, figsize=(15, 5))\n",
+ " for row in range(numGridRows):\n",
+ " for col in range(numGridCols):\n",
+ " ax = axs[row, col]\n",
+ " ax.axis(\"off\")\n",
+ " i = row * numGridCols + col\n",
+ " if(i < len(images)):\n",
+ " ax.imshow(images[i])\n",
+ " ax.set_title(titles[i], color=titleColors[i])\n",
+ " plt.show()\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "apkeCHhP3MGU"
+ },
+ "outputs": [],
+ "source": [
+ "def display16Predictions(model, dataset, predictionsDecoder):\n",
+ " for batch in dataset.take(1):\n",
+ " numPredictions2Display = 16\n",
+ " batch_images = batch[\"image\"][:numPredictions2Display]\n",
+ " batch_labels = batch[\"label\"][:numPredictions2Display]\n",
+ "\n",
+ " preds = model.predict(batch_images)\n",
+ " pred_texts = predictionsDecoder.decode_batch_predictions(preds)\n",
+ " orig_texts = predictionsDecoder.asStrings(batch_labels)\n",
+ "\n",
+ " displayImagesInGrid(\n",
+ " 4,\n",
+ " batch_images,\n",
+ " [f\"Prediction/Truth: {pred_text}/{orig_text}\" for (pred_text, orig_text) in zip(pred_texts, orig_texts)],\n",
+ " ['green' if pred_text == orig_text else 'red' for (pred_text, orig_text) in zip(pred_texts, orig_texts)])"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def printLayers(model):\n",
+ " for i, layer in enumerate(model.layers):\n",
+ " print(i, layer.name)\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "S3X_SslH3MGY"
+ },
+ "outputs": [],
+ "source": [
+ "# FK-TODO: entferne die getAccuracy()-Methode. Implementiere stattdessen https://stackoverflow.com/questions/37657260/how-to-implement-custom-metric-in-keras oder https://keras.io/api/metrics/#custom-metrics\n",
+ "def getAccuracy(dataset, prediction_model, ctc_decode):\n",
+ " accuracy = tf.keras.metrics.Accuracy()\n",
+ "\n",
+ " for batch in dataset:\n",
+ " accuracy.update_state(batch[\"label\"], ctc_decode(prediction_model.predict(batch[\"image\"], verbose=0)))\n",
+ "\n",
+ " return accuracy.result().numpy()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "94755hrNMf3w"
+ },
+ "source": [
+ "## Preparation"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "NZrKXF6P3MGY"
+ },
+ "outputs": [],
+ "source": [
+ "inColab = 'google.colab' in str(get_ipython())"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "7EsmTaF03MGZ"
+ },
+ "outputs": [],
+ "source": [
+ "if inColab:\n",
+ " GoogleDriveManager.mount()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "S_4hl4S4BmZK"
+ },
+ "outputs": [],
+ "source": [
+ "if inColab:\n",
+ " !cp {GoogleDriveManager._baseFolder}/captchas.zip .\n",
+ " !unzip captchas.zip"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "WmUghcQaMf3y"
+ },
+ "outputs": [],
+ "source": [
+ "modelDAO = ModelDAO(inColab)\n",
+ "charNumConverter = CharNumConverter(CaptchaGenerator.characters)\n",
+ "predictionsDecoder = PredictionsDecoder(CaptchaGenerator.captchaLength, charNumConverter.num_to_char)\n",
+ "captchaShape = CaptchaShape()\n",
+ "datasetFactory = DatasetFactory(captchaShape, charNumConverter.char_to_num, batch_size = 64)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "lsLuSi7h3MGZ"
+ },
+ "source": [
+ "## Create And Train Base Model"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "oRcemcbG3MGa"
+ },
+ "outputs": [],
+ "source": [
+ "if inColab:\n",
+ " !sudo apt install ttf-mscorefonts-installer\n",
+ " !sudo fc-cache -f\n",
+ " !fc-match Arial"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "P7myCt7e2h6A"
+ },
+ "outputs": [],
+ "source": [
+ "# \"We generate 200,000 images for base model pre-training\"\n",
+ "captchaGenerator = CaptchaGenerator(\n",
+ " numCaptchas = 50, # 50, # 200000,\n",
+ " dataDir = Path(\"captchas/generated/VAERS/\"))"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "j9apYsyI3MGb"
+ },
+ "outputs": [],
+ "source": [
+ "captchaGenerator.createAndSaveCaptchas()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "AgN4skCkMf31"
+ },
+ "outputs": [],
+ "source": [
+ "train_dataset, validation_dataset, test_dataset = getTrainValidationTestDatasets(captchaGenerator.dataDir, datasetFactory)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "RcgWHXVSNsa7"
+ },
+ "outputs": [],
+ "source": [
+ "for batch in train_dataset.take(1):\n",
+ " numImages2Display = 16\n",
+ " images = batch[\"image\"][:numImages2Display]\n",
+ " labels = batch[\"label\"][:numImages2Display]\n",
+ " displayImagesInGrid(4, images, predictionsDecoder.asStrings(labels), ['black'] * len(labels))"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "zDoFYKM2hdEW"
+ },
+ "outputs": [],
+ "source": [
+ "modelFactory = ModelFactory(captchaShape, charNumConverter.char_to_num)\n",
+ "model = modelFactory.createMobileNetV3Small()\n",
+ "model.summary()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "ltXYrpjIITAb"
+ },
+ "outputs": [],
+ "source": [
+ "# \"the success rates became stable after the base-model training epochs exceeded 20\"\n",
+ "history = model.fit(\n",
+ " train_dataset,\n",
+ " validation_data=validation_dataset,\n",
+ " epochs=20)\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "fPG-Yl1SJfF7"
+ },
+ "outputs": [],
+ "source": [
+ "modelDAO.saveModel(model)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "NnNHMtIGITAe"
+ },
+ "outputs": [],
+ "source": [
+ "prediction_model = ModelFactory.createPredictionModel(model)\n",
+ "prediction_model.summary()\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "YW651ztD8sKI"
+ },
+ "outputs": [],
+ "source": [
+ "display16Predictions(prediction_model, test_dataset, predictionsDecoder)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "V5gqMBIwBmZU"
+ },
+ "outputs": [],
+ "source": [
+ "getAccuracy(test_dataset, prediction_model, predictionsDecoder.ctc_decode)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {
+ "id": "UYxiYTH9BmZU"
+ },
+ "source": [
+ "## Transfer learning"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "WV8IS4KrBmZU"
+ },
+ "outputs": [],
+ "source": [
+ "# \"we collected 1,500 real CAPTCHAs from the websites. Note that only 500 of them are used for fine-tuning, and another 1,000 are applied to calculate the test accuracy\"\n",
+ "# FK-TODO: lade das pre-trainierte model und trainiere es mit 500 real-world-Daten aus dem Ordner captchas/VAERS/, die restlichen 540 (es sollten nach obigem Zitat aber 1,000 sein) sind dann die Test-Daten.\n",
+ "# see https://keras.io/guides/transfer_learning/\n",
+ "# see https://www.tensorflow.org/tutorials/images/transfer_learning\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "modelName, numTrainableLayers = 'MobileNetV3Small', 104\n",
+ "# modelName, numTrainableLayers = 'ResNet101', 348"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "D7ogEQmB3MGj"
+ },
+ "outputs": [],
+ "source": [
+ "# FK-TODO: DRY with VAERSFileDownloader\n",
+ "modelFilepath = f'{os.getcwd()}/captcha/{modelName}'\n",
+ "model = modelDAO.loadModel(modelFilepath)\n",
+ "model.summary(show_trainable=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "gbPigogKNFrD"
+ },
+ "outputs": [],
+ "source": [
+ "# printLayers(model)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "59quw8o3Mf34"
+ },
+ "outputs": [],
+ "source": [
+ "model.trainable = True\n",
+ "for layer in model.layers[:numTrainableLayers]:\n",
+ " layer.trainable = False"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "acGczax3Mf34"
+ },
+ "outputs": [],
+ "source": [
+ "model.summary(show_trainable=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "q7_MjUO0BmZV"
+ },
+ "outputs": [],
+ "source": [
+ "train_dataset, validation_dataset, test_dataset = getTrainValidationTestDatasets(Path(\"captcha/captchas/VAERS/\"), datasetFactory)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "dZsCpibkBmZX"
+ },
+ "outputs": [],
+ "source": [
+ "# \"The model is optimized by a stochastic gradient descent (SGD) strategy with an initial learning rate of 0.004, weight decay of 0.00004 and momentum of 0.9.\"\n",
+ "from tensorflow.keras.optimizers import SGD\n",
+ "# model.compile(optimizer=SGD(learning_rate=0.0001, momentum=0.9))\n",
+ "model.compile(optimizer='adam')\n",
+ "\n",
+ "# \"Therefore, in our experiments, we chose 1 epoch for the fine-tuning stage.\"\n",
+ "history = model.fit(\n",
+ " train_dataset,\n",
+ " validation_data=validation_dataset,\n",
+ " epochs=20)\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "TRbJigbH3MGl"
+ },
+ "outputs": [],
+ "source": [
+ "prediction_model = ModelFactory.createPredictionModel(model)\n",
+ "prediction_model.summary()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "id": "rPszfhJ4BmZX"
+ },
+ "outputs": [],
+ "source": [
+ "getAccuracy(test_dataset, prediction_model, predictionsDecoder.ctc_decode)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {
+ "collapsed": true,
+ "id": "hfmRY1qC7aVV"
+ },
+ "outputs": [],
+ "source": [
+ "display16Predictions(prediction_model, test_dataset, predictionsDecoder)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "modelDAO.saveModel(model)"
+ ]
+ }
+ ],
+ "metadata": {
+ "accelerator": "GPU",
+ "colab": {
+ "collapsed_sections": [],
+ "name": "captcha.ipynb",
+ "private_outputs": true,
+ "provenance": []
+ },
+ "gpuClass": "standard",
+ "kernelspec": {
+ "display_name": "howbadismybatch-venv-kernel",
+ "language": "python",
+ "name": "howbadismybatch-venv-kernel"
+ },
+ "language_info": {
+ "codemirror_mode": {
+ "name": "ipython",
+ "version": 3
+ },
+ "file_extension": ".py",
+ "mimetype": "text/x-python",
+ "name": "python",
+ "nbconvert_exporter": "python",
+ "pygments_lexer": "ipython3",
+ "version": "3.9.15"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 0
+}
diff --git a/src/captcha/CTCLayer.py b/src/captcha/CTCLayer.py
new file mode 100644
index 00000000000..09c80461277
--- /dev/null
+++ b/src/captcha/CTCLayer.py
@@ -0,0 +1,27 @@
+import tensorflow as tf
+from tensorflow import keras
+from tensorflow.keras import layers
+
+
+# see https://keras.io/guides/making_new_layers_and_models_via_subclassing/
+class CTCLayer(layers.Layer):
+
+ def __init__(self, name=None):
+ super().__init__(name=name)
+ self.loss_fn = keras.backend.ctc_batch_cost
+
+ def call(self, y_true, y_pred):
+ # Compute the training-time loss value and add it
+ # to the layer using `self.add_loss()`.
+ batch_len = tf.cast(tf.shape(y_true)[0], dtype="int64")
+ input_length = tf.cast(tf.shape(y_pred)[1], dtype="int64")
+ label_length = tf.cast(tf.shape(y_true)[1], dtype="int64")
+
+ input_length = input_length * tf.ones(shape=(batch_len, 1), dtype="int64")
+ label_length = label_length * tf.ones(shape=(batch_len, 1), dtype="int64")
+
+ loss = self.loss_fn(y_true, y_pred, input_length, label_length)
+ self.add_loss(loss)
+
+ # At test time, just return the computed predictions
+ return y_pred
diff --git a/src/captcha/CaptchaGenerator.py b/src/captcha/CaptchaGenerator.py
new file mode 100644
index 00000000000..affc3f6ebcf
--- /dev/null
+++ b/src/captcha/CaptchaGenerator.py
@@ -0,0 +1,43 @@
+from PIL import Image, ImageDraw, ImageFont
+import random
+import string
+import shutil
+
+
+class CaptchaGenerator:
+
+ characters = sorted(set(list(string.ascii_letters + string.digits)))
+ captchaLength = 6
+
+ def __init__(self, numCaptchas, dataDir):
+ self.numCaptchas = numCaptchas
+ self.dataDir = dataDir
+
+ def createAndSaveCaptchas(self):
+ self._prepareDataDir()
+ for _ in range(self.numCaptchas):
+ self._createAndSaveCaptcha()
+
+ def _prepareDataDir(self):
+ shutil.rmtree(self.dataDir, ignore_errors = True)
+ self.dataDir.mkdir(parents=True, exist_ok=True)
+
+ def _createAndSaveCaptcha(self):
+ captchaString = self._createCaptchaString()
+ captcha = self._createCaptcha(captchaString)
+ captcha.save(f"{str(self.dataDir)}/{captchaString}.jpeg")
+
+ def _createCaptchaString(self):
+ return ''.join(random.choice(CaptchaGenerator.characters) for _ in range(CaptchaGenerator.captchaLength))
+
+ def _createCaptcha(self, word):
+ image = Image.new("RGB", (360, 96), "#373737")
+ draw = ImageDraw.Draw(image)
+ font = ImageFont.truetype("ariali.ttf", size=40)
+ draw.text((30, 10), word[0], font=font)
+ draw.text((80, 30), word[1], font=font)
+ draw.text((135, 10), word[2], font=font)
+ draw.text((190, 30), word[3], font=font)
+ draw.text((250, 10), word[4], font=font)
+ draw.text((295, 30), word[5], font=font)
+ return image
diff --git a/src/captcha/CaptchaReader.py b/src/captcha/CaptchaReader.py
new file mode 100644
index 00000000000..460083f7f87
--- /dev/null
+++ b/src/captcha/CaptchaReader.py
@@ -0,0 +1,31 @@
+from captcha.ModelDAO import ModelDAO
+from captcha.ModelFactory import ModelFactory
+from captcha.PredictionsDecoder import PredictionsDecoder
+from captcha.CaptchaGenerator import CaptchaGenerator
+from captcha.CharNumConverter import CharNumConverter
+from captcha.DatasetFactory import DatasetFactory
+import numpy as np
+from tensorflow import keras
+
+
+class CaptchaReader:
+
+ def __init__(self, modelFilepath, captchaShape):
+ self.modelFilepath = modelFilepath
+ self.captchaShape = captchaShape
+
+ def getTextInCaptchaImage(self, captchaImageFile):
+ return self._getTextsInCaptchaImage(self._getCaptchaImage(captchaImageFile))[0]
+
+ def _getCaptchaImage(self, captchaImageFile):
+ return self._asSingleSampleBatch(DatasetFactory.encodeImage(captchaImageFile, self.captchaShape))
+
+ def _asSingleSampleBatch(self, img):
+ return np.expand_dims(keras.utils.img_to_array(img), axis=0)
+
+ def _getTextsInCaptchaImage(self, captchaImage):
+ preds = self._createPredictionModel().predict(captchaImage)
+ return PredictionsDecoder(CaptchaGenerator.captchaLength, CharNumConverter(CaptchaGenerator.characters).num_to_char).decode_batch_predictions(preds)
+
+ def _createPredictionModel(self):
+ return ModelFactory.createPredictionModel(ModelDAO(inColab=False).loadModel(self.modelFilepath))
diff --git a/src/captcha/CaptchaReaderTest.py b/src/captcha/CaptchaReaderTest.py
new file mode 100644
index 00000000000..3a9112f5b47
--- /dev/null
+++ b/src/captcha/CaptchaReaderTest.py
@@ -0,0 +1,22 @@
+import unittest
+from captcha.CaptchaReader import CaptchaReader
+from captcha.CaptchaShape import CaptchaShape
+import os
+
+class CaptchaReaderTest(unittest.TestCase):
+
+ def setUp(self):
+ self.working_directory = os.path.dirname(__file__)
+
+ def test_getTextInCaptchaImage(self):
+ # Given
+ textInCaptchaImage = '1Ad47a'
+ captchaReader = CaptchaReader(
+ modelFilepath = f'{self.working_directory}/MobileNetV3Small',
+ captchaShape = CaptchaShape())
+
+ # When
+ textInCaptchaImageActual = captchaReader.getTextInCaptchaImage(f'{self.working_directory}/captchas/VAERS/{textInCaptchaImage}.jpeg')
+
+ # Then
+ self.assertEqual(textInCaptchaImageActual, textInCaptchaImage)
diff --git a/src/captcha/CaptchaShape.py b/src/captcha/CaptchaShape.py
new file mode 100644
index 00000000000..ff46a10f315
--- /dev/null
+++ b/src/captcha/CaptchaShape.py
@@ -0,0 +1,5 @@
+class CaptchaShape:
+
+ def __init__(self):
+ self.width = 241
+ self.height = 62
diff --git a/src/captcha/CharNumConverter.py b/src/captcha/CharNumConverter.py
new file mode 100644
index 00000000000..6187b087a8b
--- /dev/null
+++ b/src/captcha/CharNumConverter.py
@@ -0,0 +1,10 @@
+from tensorflow.keras import layers
+
+class CharNumConverter:
+
+ def __init__(self, characters):
+ self.char_to_num = layers.StringLookup(vocabulary=list(characters), mask_token=None)
+ self.num_to_char = layers.StringLookup(
+ vocabulary=self.char_to_num.get_vocabulary(),
+ mask_token=None,
+ invert=True)
\ No newline at end of file
diff --git a/src/captcha/DataSplitter.py b/src/captcha/DataSplitter.py
new file mode 100644
index 00000000000..d4f619ea982
--- /dev/null
+++ b/src/captcha/DataSplitter.py
@@ -0,0 +1,28 @@
+import numpy as np
+
+
+class DataSplitter:
+
+ def __init__(self, x, y):
+ (self.x_train, self.y_train), (x_valid_test, y_valid_test) = DataSplitter._splitData(np.array(x), np.array(y), train_size=0.7)
+ (self.x_valid, self.y_valid), (self.x_test, self.y_test) = DataSplitter._splitData(x_valid_test, y_valid_test, train_size=0.5)
+
+ def getTrain(self):
+ return (self.x_train, self.y_train)
+
+ def getValid(self):
+ return (self.x_valid, self.y_valid)
+
+ def getTest(self):
+ return (self.x_test, self.y_test)
+
+ @staticmethod
+ def _splitData(x, y, train_size=0.9, shuffle=True):
+ size = len(x)
+ indices = np.arange(size)
+ if shuffle:
+ np.random.shuffle(indices)
+ train_samples = int(size * train_size)
+ x_train, y_train = x[indices[:train_samples]], y[indices[:train_samples]]
+ x_test, y_test = x[indices[train_samples:]], y[indices[train_samples:]]
+ return (x_train, y_train), (x_test, y_test)
diff --git a/src/captcha/DatasetFactory.py b/src/captcha/DatasetFactory.py
new file mode 100644
index 00000000000..a45aa3ddaf9
--- /dev/null
+++ b/src/captcha/DatasetFactory.py
@@ -0,0 +1,27 @@
+import tensorflow as tf
+
+
+class DatasetFactory:
+
+ def __init__(self, captchaShape, char_to_num, batch_size):
+ self.captchaShape = captchaShape
+ self.char_to_num = char_to_num
+ self.batch_size = batch_size
+
+ def createDataset(self, x, y):
+ dataset = tf.data.Dataset.from_tensor_slices((x, y))
+ dataset = dataset.map(self._encodeImageAndLabel, num_parallel_calls=tf.data.AUTOTUNE)
+ dataset = dataset.batch(self.batch_size).prefetch(buffer_size=tf.data.AUTOTUNE)
+ return dataset
+
+ def _encodeImageAndLabel(self, imageFilename, label):
+ return {
+ "image": DatasetFactory.encodeImage(imageFilename, self.captchaShape),
+ "label": self.char_to_num(tf.strings.unicode_split(label, input_encoding="UTF-8"))}
+
+ @staticmethod
+ def encodeImage(imageFilename, captchaShape):
+ img = tf.io.read_file(imageFilename)
+ img = tf.io.decode_jpeg(img, channels=3)
+ img = tf.image.resize(img, [captchaShape.height, captchaShape.width])
+ return img
diff --git a/src/captcha/GoogleDriveManager.py b/src/captcha/GoogleDriveManager.py
new file mode 100644
index 00000000000..3b622677801
--- /dev/null
+++ b/src/captcha/GoogleDriveManager.py
@@ -0,0 +1,27 @@
+from pathlib import Path
+
+
+class GoogleDriveManager:
+
+ _googleDriveFolder = Path('/content/gdrive')
+ _baseFolder = _googleDriveFolder / 'MyDrive/CAPTCHA/models/'
+
+ @staticmethod
+ def mount():
+ from google.colab import drive
+ drive.mount(str(GoogleDriveManager._googleDriveFolder))
+
+ @staticmethod
+ def uploadFolderToGoogleDrive(folder):
+ pass
+ # FK-FIXME:
+ # !zip -r {folder}.zip {folder}/
+ # !cp {folder}.zip {GoogleDriveManager._baseFolder}
+
+ @staticmethod
+ def downloadFolderFromGoogleDrive(folder):
+ pass
+ # FK-FIXME:
+ # !cp {GoogleDriveManager._baseFolder}/{folder}.zip .
+ # !rm -rf {folder}
+ # !unzip {folder}.zip
diff --git a/src/captcha/MobileNetV3Small/fingerprint.pb b/src/captcha/MobileNetV3Small/fingerprint.pb
new file mode 100644
index 00000000000..6cf754ced3d
Binary files /dev/null and b/src/captcha/MobileNetV3Small/fingerprint.pb differ
diff --git a/src/captcha/MobileNetV3Small/keras_metadata.pb b/src/captcha/MobileNetV3Small/keras_metadata.pb
new file mode 100644
index 00000000000..4a613237688
--- /dev/null
+++ b/src/captcha/MobileNetV3Small/keras_metadata.pb
@@ -0,0 +1,220 @@
+
+¡«root"_tf_keras_network*þª{"name": "MobileNetV3Small", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": false, "class_name": "Functional", "config": {"name": "MobileNetV3Small", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 62, 241, 3]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "image"}, "name": "image", "inbound_nodes": []}, {"class_name": "Permute", "config": {"name": "permute", "trainable": false, "dtype": "float32", "dims": {"class_name": "__tuple__", "items": [2, 1, 3]}}, "name": "permute", "inbound_nodes": [[["image", 0, 0, {}]]]}, {"class_name": "Rescaling", "config": {"name": "rescaling", "trainable": false, "dtype": "float32", "scale": 0.00784313725490196, "offset": -1.0}, "name": "rescaling", "inbound_nodes": [[["permute", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "Conv", "trainable": false, "dtype": "float32", "filters": 16, "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "Conv", "inbound_nodes": [[["rescaling", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "Conv/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "Conv/BatchNorm", "inbound_nodes": [[["Conv", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu", "inbound_nodes": [[["Conv/BatchNorm", 0, 0, {}]]]}, {"class_name": "ZeroPadding2D", "config": {"name": "expanded_conv/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [1, 1]}]}, "data_format": "channels_last"}, "name": "expanded_conv/depthwise/pad", "inbound_nodes": [[["re_lu", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv/depthwise", "inbound_nodes": [[["expanded_conv/depthwise/pad", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_1", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_1", "inbound_nodes": [[["expanded_conv/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv/project", "trainable": false, "dtype": "float32", "filters": 16, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv/project", "inbound_nodes": [[["re_lu_1", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv/project/BatchNorm", "inbound_nodes": [[["expanded_conv/project", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_1/expand", "trainable": false, "dtype": "float32", "filters": 72, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_1/expand", "inbound_nodes": [[["expanded_conv/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_1/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_1/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_2", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_2", "inbound_nodes": [[["expanded_conv_1/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_1/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "name": "expanded_conv_1/depthwise/pad", "inbound_nodes": [[["re_lu_2", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_1/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_1/depthwise", "inbound_nodes": [[["expanded_conv_1/depthwise/pad", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_1/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_1/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_3", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_3", "inbound_nodes": [[["expanded_conv_1/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_1/project", "trainable": false, "dtype": "float32", "filters": 24, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_1/project", "inbound_nodes": [[["re_lu_3", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_1/project/BatchNorm", "inbound_nodes": [[["expanded_conv_1/project", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_2/expand", "trainable": false, "dtype": "float32", "filters": 88, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_2/expand", "inbound_nodes": [[["expanded_conv_1/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_2/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_2/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_4", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_4", "inbound_nodes": [[["expanded_conv_2/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_2/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_2/depthwise", "inbound_nodes": [[["re_lu_4", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_2/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_2/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_5", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_5", "inbound_nodes": [[["expanded_conv_2/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_2/project", "trainable": false, "dtype": "float32", "filters": 24, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_2/project", "inbound_nodes": [[["re_lu_5", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_2/project/BatchNorm", "inbound_nodes": [[["expanded_conv_2/project", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "expanded_conv_2/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_2/Add", "inbound_nodes": [[["expanded_conv_1/project/BatchNorm", 0, 0, {}], ["expanded_conv_2/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_3/expand", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_3/expand", "inbound_nodes": [[["expanded_conv_2/Add", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_3/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_3/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_6", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_6", "inbound_nodes": [[["expanded_conv_3/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_3/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "name": "expanded_conv_3/depthwise/pad", "inbound_nodes": [[["re_lu_6", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_3/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_3/depthwise", "inbound_nodes": [[["expanded_conv_3/depthwise/pad", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_3/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_3/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_7", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_7", "inbound_nodes": [[["expanded_conv_3/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_3/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_3/project", "inbound_nodes": [[["re_lu_7", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_3/project/BatchNorm", "inbound_nodes": [[["expanded_conv_3/project", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_4/expand", "trainable": false, "dtype": "float32", "filters": 240, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_4/expand", "inbound_nodes": [[["expanded_conv_3/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_4/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_4/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_8", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_8", "inbound_nodes": [[["expanded_conv_4/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_4/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_4/depthwise", "inbound_nodes": [[["re_lu_8", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_4/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_4/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_9", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_9", "inbound_nodes": [[["expanded_conv_4/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_4/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_4/project", "inbound_nodes": [[["re_lu_9", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_4/project/BatchNorm", "inbound_nodes": [[["expanded_conv_4/project", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "expanded_conv_4/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_4/Add", "inbound_nodes": [[["expanded_conv_3/project/BatchNorm", 0, 0, {}], ["expanded_conv_4/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_5/expand", "trainable": false, "dtype": "float32", "filters": 240, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_5/expand", "inbound_nodes": [[["expanded_conv_4/Add", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_5/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_5/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_10", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_10", "inbound_nodes": [[["expanded_conv_5/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_5/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_5/depthwise", "inbound_nodes": [[["re_lu_10", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_5/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_5/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_11", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_11", "inbound_nodes": [[["expanded_conv_5/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_5/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_5/project", "inbound_nodes": [[["re_lu_11", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_5/project/BatchNorm", "inbound_nodes": [[["expanded_conv_5/project", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "expanded_conv_5/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_5/Add", "inbound_nodes": [[["expanded_conv_4/Add", 0, 0, {}], ["expanded_conv_5/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_6/expand", "trainable": false, "dtype": "float32", "filters": 120, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_6/expand", "inbound_nodes": [[["expanded_conv_5/Add", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_6/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_6/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_12", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_12", "inbound_nodes": [[["expanded_conv_6/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_6/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_6/depthwise", "inbound_nodes": [[["re_lu_12", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_6/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_6/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_13", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_13", "inbound_nodes": [[["expanded_conv_6/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_6/project", "trainable": false, "dtype": "float32", "filters": 48, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_6/project", "inbound_nodes": [[["re_lu_13", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_6/project/BatchNorm", "inbound_nodes": [[["expanded_conv_6/project", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_7/expand", "trainable": false, "dtype": "float32", "filters": 144, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_7/expand", "inbound_nodes": [[["expanded_conv_6/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_7/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_7/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_14", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_14", "inbound_nodes": [[["expanded_conv_7/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_7/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_7/depthwise", "inbound_nodes": [[["re_lu_14", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_7/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_7/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_15", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_15", "inbound_nodes": [[["expanded_conv_7/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_7/project", "trainable": false, "dtype": "float32", "filters": 48, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_7/project", "inbound_nodes": [[["re_lu_15", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_7/project/BatchNorm", "inbound_nodes": [[["expanded_conv_7/project", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "expanded_conv_7/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_7/Add", "inbound_nodes": [[["expanded_conv_6/project/BatchNorm", 0, 0, {}], ["expanded_conv_7/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_8/expand", "trainable": false, "dtype": "float32", "filters": 288, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_8/expand", "inbound_nodes": [[["expanded_conv_7/Add", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_8/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_8/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_16", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_16", "inbound_nodes": [[["expanded_conv_8/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_8/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [0, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "name": "expanded_conv_8/depthwise/pad", "inbound_nodes": [[["re_lu_16", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_8/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_8/depthwise", "inbound_nodes": [[["expanded_conv_8/depthwise/pad", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_8/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_8/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_17", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_17", "inbound_nodes": [[["expanded_conv_8/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_8/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_8/project", "inbound_nodes": [[["re_lu_17", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_8/project/BatchNorm", "inbound_nodes": [[["expanded_conv_8/project", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_9/expand", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_9/expand", "inbound_nodes": [[["expanded_conv_8/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_9/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_9/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_18", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_18", "inbound_nodes": [[["expanded_conv_9/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_9/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_9/depthwise", "inbound_nodes": [[["re_lu_18", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_9/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_9/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_19", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_19", "inbound_nodes": [[["expanded_conv_9/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_9/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_9/project", "inbound_nodes": [[["re_lu_19", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_9/project/BatchNorm", "inbound_nodes": [[["expanded_conv_9/project", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "expanded_conv_9/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_9/Add", "inbound_nodes": [[["expanded_conv_8/project/BatchNorm", 0, 0, {}], ["expanded_conv_9/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_10/expand", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_10/expand", "inbound_nodes": [[["expanded_conv_9/Add", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_10/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_10/expand", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_20", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_20", "inbound_nodes": [[["expanded_conv_10/expand/BatchNorm", 0, 0, {}]]]}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_10/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_10/depthwise", "inbound_nodes": [[["re_lu_20", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_10/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_10/depthwise", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_21", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_21", "inbound_nodes": [[["expanded_conv_10/depthwise/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_10/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_10/project", "inbound_nodes": [[["re_lu_21", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_10/project/BatchNorm", "inbound_nodes": [[["expanded_conv_10/project", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "expanded_conv_10/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_10/Add", "inbound_nodes": [[["expanded_conv_9/Add", 0, 0, {}], ["expanded_conv_10/project/BatchNorm", 0, 0, {}]]]}, {"class_name": "Conv2D", "config": {"name": "Conv_1", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "Conv_1", "inbound_nodes": [[["expanded_conv_10/Add", 0, 0, {}]]]}, {"class_name": "BatchNormalization", "config": {"name": "Conv_1/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}}, "gamma_initializer": {"class_name": "Ones", "config": {}}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}}, "moving_variance_initializer": {"class_name": "Ones", "config": {}}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "Conv_1/BatchNorm", "inbound_nodes": [[["Conv_1", 0, 0, {}]]]}, {"class_name": "ReLU", "config": {"name": "re_lu_22", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_22", "inbound_nodes": [[["Conv_1/BatchNorm", 0, 0, {}]]]}, {"class_name": "Reshape", "config": {"name": "reshape", "trainable": true, "dtype": "float32", "target_shape": {"class_name": "__tuple__", "items": [8, 1152]}}, "name": "reshape", "inbound_nodes": [[["re_lu_22", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense1", "trainable": true, "dtype": "float32", "units": 64, "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense1", "inbound_nodes": [[["reshape", 0, 0, {}]]]}, {"class_name": "Dropout", "config": {"name": "dropout", "trainable": true, "dtype": "float32", "rate": 0.2, "noise_shape": null, "seed": null}, "name": "dropout", "inbound_nodes": [[["dense1", 0, 0, {}]]]}, {"class_name": "Bidirectional", "config": {"name": "bidirectional", "trainable": true, "dtype": "float32", "layer": {"class_name": "LSTM", "config": {"name": "LSTM1", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 128, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 324}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 325}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 326}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}}, "merge_mode": "concat"}, "name": "bidirectional", "inbound_nodes": [[["dropout", 0, 0, {}]]]}, {"class_name": "Bidirectional", "config": {"name": "bidirectional_1", "trainable": true, "dtype": "float32", "layer": {"class_name": "LSTM", "config": {"name": "LSTM2", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 64, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 330}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 331}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 332}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}}, "merge_mode": "concat"}, "name": "bidirectional_1", "inbound_nodes": [[["bidirectional", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "label"}, "name": "label", "inbound_nodes": []}, {"class_name": "Dense", "config": {"name": "dense2", "trainable": true, "dtype": "float32", "units": 64, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense2", "inbound_nodes": [[["bidirectional_1", 0, 0, {}]]]}, {"class_name": "CTCLayer", "config": {"name": "ctc_loss", "trainable": true, "dtype": "float32"}, "name": "ctc_loss", "inbound_nodes": [[["label", 0, 0, {"y_pred": ["dense2", 0, 0]}]]]}], "input_layers": [["image", 0, 0], ["label", 0, 0]], "output_layers": [["ctc_loss", 0, 0]]}, "shared_object_id": 341, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, 62, 241, 3]}, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": [{"class_name": "TensorShape", "items": [null, 62, 241, 3]}, {"class_name": "TensorShape", "items": [null, null]}], "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 62, 241, 3]}, "float32", "image"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "float32", "label"]}]], {}]}, "save_spec": [{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, 62, 241, 3]}, "float32", "image"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "float32", "label"]}], "keras_version": "2.11.0", "backend": "tensorflow", "model_config": {"class_name": "Functional", "config": {"name": "MobileNetV3Small", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 62, 241, 3]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "image"}, "name": "image", "inbound_nodes": [], "shared_object_id": 0}, {"class_name": "Permute", "config": {"name": "permute", "trainable": false, "dtype": "float32", "dims": {"class_name": "__tuple__", "items": [2, 1, 3]}}, "name": "permute", "inbound_nodes": [[["image", 0, 0, {}]]], "shared_object_id": 1}, {"class_name": "Rescaling", "config": {"name": "rescaling", "trainable": false, "dtype": "float32", "scale": 0.00784313725490196, "offset": -1.0}, "name": "rescaling", "inbound_nodes": [[["permute", 0, 0, {}]]], "shared_object_id": 2}, {"class_name": "Conv2D", "config": {"name": "Conv", "trainable": false, "dtype": "float32", "filters": 16, "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 3}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 4}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "Conv", "inbound_nodes": [[["rescaling", 0, 0, {}]]], "shared_object_id": 5}, {"class_name": "BatchNormalization", "config": {"name": "Conv/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 7}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 8}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 9}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "Conv/BatchNorm", "inbound_nodes": [[["Conv", 0, 0, {}]]], "shared_object_id": 10}, {"class_name": "ReLU", "config": {"name": "re_lu", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu", "inbound_nodes": [[["Conv/BatchNorm", 0, 0, {}]]], "shared_object_id": 11}, {"class_name": "ZeroPadding2D", "config": {"name": "expanded_conv/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [1, 1]}]}, "data_format": "channels_last"}, "name": "expanded_conv/depthwise/pad", "inbound_nodes": [[["re_lu", 0, 0, {}]]], "shared_object_id": 12}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 14}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 15}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv/depthwise", "inbound_nodes": [[["expanded_conv/depthwise/pad", 0, 0, {}]]], "shared_object_id": 16}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 17}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 18}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 19}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 20}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv/depthwise", 0, 0, {}]]], "shared_object_id": 21}, {"class_name": "ReLU", "config": {"name": "re_lu_1", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_1", "inbound_nodes": [[["expanded_conv/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 22}, {"class_name": "Conv2D", "config": {"name": "expanded_conv/project", "trainable": false, "dtype": "float32", "filters": 16, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 23}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 24}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv/project", "inbound_nodes": [[["re_lu_1", 0, 0, {}]]], "shared_object_id": 25}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 26}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 27}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 29}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv/project/BatchNorm", "inbound_nodes": [[["expanded_conv/project", 0, 0, {}]]], "shared_object_id": 30}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_1/expand", "trainable": false, "dtype": "float32", "filters": 72, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 31}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 32}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_1/expand", "inbound_nodes": [[["expanded_conv/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 33}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 35}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 36}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 37}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_1/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_1/expand", 0, 0, {}]]], "shared_object_id": 38}, {"class_name": "ReLU", "config": {"name": "re_lu_2", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_2", "inbound_nodes": [[["expanded_conv_1/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 39}, {"class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_1/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "name": "expanded_conv_1/depthwise/pad", "inbound_nodes": [[["re_lu_2", 0, 0, {}]]], "shared_object_id": 40}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_1/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 42}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 43}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_1/depthwise", "inbound_nodes": [[["expanded_conv_1/depthwise/pad", 0, 0, {}]]], "shared_object_id": 44}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 45}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 46}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 47}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 48}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_1/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_1/depthwise", 0, 0, {}]]], "shared_object_id": 49}, {"class_name": "ReLU", "config": {"name": "re_lu_3", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_3", "inbound_nodes": [[["expanded_conv_1/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 50}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_1/project", "trainable": false, "dtype": "float32", "filters": 24, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_1/project", "inbound_nodes": [[["re_lu_3", 0, 0, {}]]], "shared_object_id": 53}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 54}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 55}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 56}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 57}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_1/project/BatchNorm", "inbound_nodes": [[["expanded_conv_1/project", 0, 0, {}]]], "shared_object_id": 58}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_2/expand", "trainable": false, "dtype": "float32", "filters": 88, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 59}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 60}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_2/expand", "inbound_nodes": [[["expanded_conv_1/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 61}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 62}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 63}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 65}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_2/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_2/expand", 0, 0, {}]]], "shared_object_id": 66}, {"class_name": "ReLU", "config": {"name": "re_lu_4", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_4", "inbound_nodes": [[["expanded_conv_2/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 67}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_2/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 69}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 70}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_2/depthwise", "inbound_nodes": [[["re_lu_4", 0, 0, {}]]], "shared_object_id": 71}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 72}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 73}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 74}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 75}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_2/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_2/depthwise", 0, 0, {}]]], "shared_object_id": 76}, {"class_name": "ReLU", "config": {"name": "re_lu_5", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_5", "inbound_nodes": [[["expanded_conv_2/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 77}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_2/project", "trainable": false, "dtype": "float32", "filters": 24, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 78}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 79}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_2/project", "inbound_nodes": [[["re_lu_5", 0, 0, {}]]], "shared_object_id": 80}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 81}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 82}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 83}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 84}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_2/project/BatchNorm", "inbound_nodes": [[["expanded_conv_2/project", 0, 0, {}]]], "shared_object_id": 85}, {"class_name": "Add", "config": {"name": "expanded_conv_2/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_2/Add", "inbound_nodes": [[["expanded_conv_1/project/BatchNorm", 0, 0, {}], ["expanded_conv_2/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 86}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_3/expand", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 87}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 88}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_3/expand", "inbound_nodes": [[["expanded_conv_2/Add", 0, 0, {}]]], "shared_object_id": 89}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 90}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 91}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 92}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 93}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_3/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_3/expand", 0, 0, {}]]], "shared_object_id": 94}, {"class_name": "ReLU", "config": {"name": "re_lu_6", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_6", "inbound_nodes": [[["expanded_conv_3/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 95}, {"class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_3/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "name": "expanded_conv_3/depthwise/pad", "inbound_nodes": [[["re_lu_6", 0, 0, {}]]], "shared_object_id": 96}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_3/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 98}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 99}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_3/depthwise", "inbound_nodes": [[["expanded_conv_3/depthwise/pad", 0, 0, {}]]], "shared_object_id": 100}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 101}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 102}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 103}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 104}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_3/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_3/depthwise", 0, 0, {}]]], "shared_object_id": 105}, {"class_name": "ReLU", "config": {"name": "re_lu_7", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_7", "inbound_nodes": [[["expanded_conv_3/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 106}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_3/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 107}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 108}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_3/project", "inbound_nodes": [[["re_lu_7", 0, 0, {}]]], "shared_object_id": 109}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 110}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 111}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 112}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 113}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_3/project/BatchNorm", "inbound_nodes": [[["expanded_conv_3/project", 0, 0, {}]]], "shared_object_id": 114}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_4/expand", "trainable": false, "dtype": "float32", "filters": 240, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 115}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 116}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_4/expand", "inbound_nodes": [[["expanded_conv_3/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 117}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 118}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 119}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 120}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 121}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_4/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_4/expand", 0, 0, {}]]], "shared_object_id": 122}, {"class_name": "ReLU", "config": {"name": "re_lu_8", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_8", "inbound_nodes": [[["expanded_conv_4/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 123}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_4/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 125}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 126}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_4/depthwise", "inbound_nodes": [[["re_lu_8", 0, 0, {}]]], "shared_object_id": 127}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 128}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 129}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 130}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 131}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_4/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_4/depthwise", 0, 0, {}]]], "shared_object_id": 132}, {"class_name": "ReLU", "config": {"name": "re_lu_9", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_9", "inbound_nodes": [[["expanded_conv_4/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 133}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_4/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 134}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 135}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_4/project", "inbound_nodes": [[["re_lu_9", 0, 0, {}]]], "shared_object_id": 136}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 137}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 138}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 139}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 140}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_4/project/BatchNorm", "inbound_nodes": [[["expanded_conv_4/project", 0, 0, {}]]], "shared_object_id": 141}, {"class_name": "Add", "config": {"name": "expanded_conv_4/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_4/Add", "inbound_nodes": [[["expanded_conv_3/project/BatchNorm", 0, 0, {}], ["expanded_conv_4/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 142}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_5/expand", "trainable": false, "dtype": "float32", "filters": 240, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 143}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 144}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_5/expand", "inbound_nodes": [[["expanded_conv_4/Add", 0, 0, {}]]], "shared_object_id": 145}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 146}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 147}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 148}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 149}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_5/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_5/expand", 0, 0, {}]]], "shared_object_id": 150}, {"class_name": "ReLU", "config": {"name": "re_lu_10", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_10", "inbound_nodes": [[["expanded_conv_5/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 151}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_5/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 153}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 154}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_5/depthwise", "inbound_nodes": [[["re_lu_10", 0, 0, {}]]], "shared_object_id": 155}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 156}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 157}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 158}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 159}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_5/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_5/depthwise", 0, 0, {}]]], "shared_object_id": 160}, {"class_name": "ReLU", "config": {"name": "re_lu_11", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_11", "inbound_nodes": [[["expanded_conv_5/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 161}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_5/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 162}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 163}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_5/project", "inbound_nodes": [[["re_lu_11", 0, 0, {}]]], "shared_object_id": 164}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 165}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 166}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 167}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 168}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_5/project/BatchNorm", "inbound_nodes": [[["expanded_conv_5/project", 0, 0, {}]]], "shared_object_id": 169}, {"class_name": "Add", "config": {"name": "expanded_conv_5/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_5/Add", "inbound_nodes": [[["expanded_conv_4/Add", 0, 0, {}], ["expanded_conv_5/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 170}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_6/expand", "trainable": false, "dtype": "float32", "filters": 120, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 171}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 172}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_6/expand", "inbound_nodes": [[["expanded_conv_5/Add", 0, 0, {}]]], "shared_object_id": 173}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 174}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 175}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 176}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 177}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_6/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_6/expand", 0, 0, {}]]], "shared_object_id": 178}, {"class_name": "ReLU", "config": {"name": "re_lu_12", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_12", "inbound_nodes": [[["expanded_conv_6/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 179}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_6/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 181}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 182}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_6/depthwise", "inbound_nodes": [[["re_lu_12", 0, 0, {}]]], "shared_object_id": 183}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 184}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 185}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 186}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 187}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_6/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_6/depthwise", 0, 0, {}]]], "shared_object_id": 188}, {"class_name": "ReLU", "config": {"name": "re_lu_13", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_13", "inbound_nodes": [[["expanded_conv_6/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 189}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_6/project", "trainable": false, "dtype": "float32", "filters": 48, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 190}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 191}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_6/project", "inbound_nodes": [[["re_lu_13", 0, 0, {}]]], "shared_object_id": 192}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 193}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 194}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 195}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 196}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_6/project/BatchNorm", "inbound_nodes": [[["expanded_conv_6/project", 0, 0, {}]]], "shared_object_id": 197}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_7/expand", "trainable": false, "dtype": "float32", "filters": 144, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 198}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 199}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_7/expand", "inbound_nodes": [[["expanded_conv_6/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 200}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 201}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 202}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 203}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 204}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_7/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_7/expand", 0, 0, {}]]], "shared_object_id": 205}, {"class_name": "ReLU", "config": {"name": "re_lu_14", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_14", "inbound_nodes": [[["expanded_conv_7/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 206}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_7/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 208}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 209}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_7/depthwise", "inbound_nodes": [[["re_lu_14", 0, 0, {}]]], "shared_object_id": 210}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 211}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 212}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 213}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 214}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_7/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_7/depthwise", 0, 0, {}]]], "shared_object_id": 215}, {"class_name": "ReLU", "config": {"name": "re_lu_15", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_15", "inbound_nodes": [[["expanded_conv_7/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 216}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_7/project", "trainable": false, "dtype": "float32", "filters": 48, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 217}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 218}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_7/project", "inbound_nodes": [[["re_lu_15", 0, 0, {}]]], "shared_object_id": 219}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 220}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 221}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 222}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 223}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_7/project/BatchNorm", "inbound_nodes": [[["expanded_conv_7/project", 0, 0, {}]]], "shared_object_id": 224}, {"class_name": "Add", "config": {"name": "expanded_conv_7/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_7/Add", "inbound_nodes": [[["expanded_conv_6/project/BatchNorm", 0, 0, {}], ["expanded_conv_7/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 225}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_8/expand", "trainable": false, "dtype": "float32", "filters": 288, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 226}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 227}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_8/expand", "inbound_nodes": [[["expanded_conv_7/Add", 0, 0, {}]]], "shared_object_id": 228}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 229}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 230}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 231}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 232}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_8/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_8/expand", 0, 0, {}]]], "shared_object_id": 233}, {"class_name": "ReLU", "config": {"name": "re_lu_16", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_16", "inbound_nodes": [[["expanded_conv_8/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 234}, {"class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_8/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [0, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "name": "expanded_conv_8/depthwise/pad", "inbound_nodes": [[["re_lu_16", 0, 0, {}]]], "shared_object_id": 235}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_8/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 237}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 238}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_8/depthwise", "inbound_nodes": [[["expanded_conv_8/depthwise/pad", 0, 0, {}]]], "shared_object_id": 239}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 240}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 241}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 242}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 243}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_8/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_8/depthwise", 0, 0, {}]]], "shared_object_id": 244}, {"class_name": "ReLU", "config": {"name": "re_lu_17", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_17", "inbound_nodes": [[["expanded_conv_8/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 245}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_8/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 246}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 247}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_8/project", "inbound_nodes": [[["re_lu_17", 0, 0, {}]]], "shared_object_id": 248}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 249}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 250}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 251}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 252}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_8/project/BatchNorm", "inbound_nodes": [[["expanded_conv_8/project", 0, 0, {}]]], "shared_object_id": 253}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_9/expand", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 254}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 255}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_9/expand", "inbound_nodes": [[["expanded_conv_8/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 256}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 257}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 258}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 259}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 260}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_9/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_9/expand", 0, 0, {}]]], "shared_object_id": 261}, {"class_name": "ReLU", "config": {"name": "re_lu_18", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_18", "inbound_nodes": [[["expanded_conv_9/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 262}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_9/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 264}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 265}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_9/depthwise", "inbound_nodes": [[["re_lu_18", 0, 0, {}]]], "shared_object_id": 266}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 267}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 268}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 269}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 270}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_9/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_9/depthwise", 0, 0, {}]]], "shared_object_id": 271}, {"class_name": "ReLU", "config": {"name": "re_lu_19", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_19", "inbound_nodes": [[["expanded_conv_9/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 272}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_9/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 273}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 274}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_9/project", "inbound_nodes": [[["re_lu_19", 0, 0, {}]]], "shared_object_id": 275}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 276}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 277}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 278}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 279}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_9/project/BatchNorm", "inbound_nodes": [[["expanded_conv_9/project", 0, 0, {}]]], "shared_object_id": 280}, {"class_name": "Add", "config": {"name": "expanded_conv_9/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_9/Add", "inbound_nodes": [[["expanded_conv_8/project/BatchNorm", 0, 0, {}], ["expanded_conv_9/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 281}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_10/expand", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 282}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 283}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_10/expand", "inbound_nodes": [[["expanded_conv_9/Add", 0, 0, {}]]], "shared_object_id": 284}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 285}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 286}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 287}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 288}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_10/expand/BatchNorm", "inbound_nodes": [[["expanded_conv_10/expand", 0, 0, {}]]], "shared_object_id": 289}, {"class_name": "ReLU", "config": {"name": "re_lu_20", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_20", "inbound_nodes": [[["expanded_conv_10/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 290}, {"class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_10/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 292}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 293}, "depthwise_regularizer": null, "depthwise_constraint": null}, "name": "expanded_conv_10/depthwise", "inbound_nodes": [[["re_lu_20", 0, 0, {}]]], "shared_object_id": 294}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 295}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 296}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 297}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 298}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_10/depthwise/BatchNorm", "inbound_nodes": [[["expanded_conv_10/depthwise", 0, 0, {}]]], "shared_object_id": 299}, {"class_name": "ReLU", "config": {"name": "re_lu_21", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_21", "inbound_nodes": [[["expanded_conv_10/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 300}, {"class_name": "Conv2D", "config": {"name": "expanded_conv_10/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 301}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 302}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "expanded_conv_10/project", "inbound_nodes": [[["re_lu_21", 0, 0, {}]]], "shared_object_id": 303}, {"class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 304}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 305}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 306}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 307}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "expanded_conv_10/project/BatchNorm", "inbound_nodes": [[["expanded_conv_10/project", 0, 0, {}]]], "shared_object_id": 308}, {"class_name": "Add", "config": {"name": "expanded_conv_10/Add", "trainable": false, "dtype": "float32"}, "name": "expanded_conv_10/Add", "inbound_nodes": [[["expanded_conv_9/Add", 0, 0, {}], ["expanded_conv_10/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 309}, {"class_name": "Conv2D", "config": {"name": "Conv_1", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 310}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 311}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "Conv_1", "inbound_nodes": [[["expanded_conv_10/Add", 0, 0, {}]]], "shared_object_id": 312}, {"class_name": "BatchNormalization", "config": {"name": "Conv_1/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 313}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 314}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 315}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 316}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "name": "Conv_1/BatchNorm", "inbound_nodes": [[["Conv_1", 0, 0, {}]]], "shared_object_id": 317}, {"class_name": "ReLU", "config": {"name": "re_lu_22", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "name": "re_lu_22", "inbound_nodes": [[["Conv_1/BatchNorm", 0, 0, {}]]], "shared_object_id": 318}, {"class_name": "Reshape", "config": {"name": "reshape", "trainable": true, "dtype": "float32", "target_shape": {"class_name": "__tuple__", "items": [8, 1152]}}, "name": "reshape", "inbound_nodes": [[["re_lu_22", 0, 0, {}]]], "shared_object_id": 319}, {"class_name": "Dense", "config": {"name": "dense1", "trainable": true, "dtype": "float32", "units": 64, "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 320}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 321}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense1", "inbound_nodes": [[["reshape", 0, 0, {}]]], "shared_object_id": 322}, {"class_name": "Dropout", "config": {"name": "dropout", "trainable": true, "dtype": "float32", "rate": 0.2, "noise_shape": null, "seed": null}, "name": "dropout", "inbound_nodes": [[["dense1", 0, 0, {}]]], "shared_object_id": 323}, {"class_name": "Bidirectional", "config": {"name": "bidirectional", "trainable": true, "dtype": "float32", "layer": {"class_name": "LSTM", "config": {"name": "LSTM1", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 128, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 324}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 325}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 326}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 328}, "merge_mode": "concat"}, "name": "bidirectional", "inbound_nodes": [[["dropout", 0, 0, {}]]], "shared_object_id": 329}, {"class_name": "Bidirectional", "config": {"name": "bidirectional_1", "trainable": true, "dtype": "float32", "layer": {"class_name": "LSTM", "config": {"name": "LSTM2", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 64, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 330}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 331}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 332}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 334}, "merge_mode": "concat"}, "name": "bidirectional_1", "inbound_nodes": [[["bidirectional", 0, 0, {}]]], "shared_object_id": 335}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "label"}, "name": "label", "inbound_nodes": [], "shared_object_id": 336}, {"class_name": "Dense", "config": {"name": "dense2", "trainable": true, "dtype": "float32", "units": 64, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 337}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 338}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense2", "inbound_nodes": [[["bidirectional_1", 0, 0, {}]]], "shared_object_id": 339}, {"class_name": "CTCLayer", "config": {"name": "ctc_loss", "trainable": true, "dtype": "float32"}, "name": "ctc_loss", "inbound_nodes": [[["label", 0, 0, {"y_pred": ["dense2", 0, 0]}]]], "shared_object_id": 340}], "input_layers": [["image", 0, 0], ["label", 0, 0]], "output_layers": [["ctc_loss", 0, 0]]}}, "training_config": {"loss": null, "metrics": null, "weighted_metrics": null, "loss_weights": null, "optimizer_config": {"class_name": "Custom>Adam", "config": {"name": "Adam", "weight_decay": null, "clipnorm": null, "global_clipnorm": null, "clipvalue": null, "use_ema": false, "ema_momentum": 0.99, "ema_overwrite_frequency": null, "jit_compile": false, "is_legacy_optimizer": false, "learning_rate": 0.0010000000474974513, "beta_1": 0.9, "beta_2": 0.999, "epsilon": 1e-07, "amsgrad": false}}}}2
+„root.layer-0"_tf_keras_input_layer*Ô{"class_name": "InputLayer", "name": "image", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, 62, 241, 3]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, 62, 241, 3]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "image"}}2
+—root.layer-1"_tf_keras_layer*í{"name": "permute", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Permute", "config": {"name": "permute", "trainable": false, "dtype": "float32", "dims": {"class_name": "__tuple__", "items": [2, 1, 3]}}, "inbound_nodes": [[["image", 0, 0, {}]]], "shared_object_id": 1, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 344}}2
+ëroot.layer-2"_tf_keras_layer*Á{"name": "rescaling", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Rescaling", "config": {"name": "rescaling", "trainable": false, "dtype": "float32", "scale": 0.00784313725490196, "offset": -1.0}, "inbound_nodes": [[["permute", 0, 0, {}]]], "shared_object_id": 2}2
+±
+root.layer_with_weights-0"_tf_keras_layer*ú {"name": "Conv", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "Conv", "trainable": false, "dtype": "float32", "filters": 16, "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 3}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 4}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["rescaling", 0, 0, {}]]], "shared_object_id": 5, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 3}}, "shared_object_id": 345}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 241, 62, 3]}}2
+î root.layer_with_weights-1"_tf_keras_layer*· {"name": "Conv/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "Conv/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 7}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 8}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 9}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["Conv", 0, 0, {}]]], "shared_object_id": 10, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 16}}, "shared_object_id": 346}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 121, 31, 16]}}2
+ôroot.layer-5"_tf_keras_layer*Ê{"name": "re_lu", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["Conv/BatchNorm", 0, 0, {}]]], "shared_object_id": 11}2
+¼root.layer-6"_tf_keras_layer*’{"name": "expanded_conv/depthwise/pad", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ZeroPadding2D", "config": {"name": "expanded_conv/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [1, 1]}]}, "data_format": "channels_last"}, "inbound_nodes": [[["re_lu", 0, 0, {}]]], "shared_object_id": 12, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 347}}2
+‰root.layer_with_weights-2"_tf_keras_layer*Ò
+{"name": "expanded_conv/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 14}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 15}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["expanded_conv/depthwise/pad", 0, 0, {}]]], "shared_object_id": 16, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 16}}, "shared_object_id": 348}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 123, 33, 16]}}2
+ª
+ root.layer_with_weights-3"_tf_keras_layer*ó {"name": "expanded_conv/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 17}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 18}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 19}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 20}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv/depthwise", 0, 0, {}]]], "shared_object_id": 21, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 16}}, "shared_object_id": 349}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 61, 16, 16]}}2
+‹
+root.layer-9"_tf_keras_layer*á{"name": "re_lu_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_1", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 22}2
+Õ
+root.layer_with_weights-4"_tf_keras_layer*ž
+{"name": "expanded_conv/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv/project", "trainable": false, "dtype": "float32", "filters": 16, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 23}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 24}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_1", 0, 0, {}]]], "shared_object_id": 25, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 16}}, "shared_object_id": 350}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 61, 16, 16]}}2
+¤
+root.layer_with_weights-5"_tf_keras_layer*í {"name": "expanded_conv/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 26}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 27}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 29}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv/project", 0, 0, {}]]], "shared_object_id": 30, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 16}}, "shared_object_id": 351}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 61, 16, 16]}}2
+ï
+
root.layer_with_weights-6"_tf_keras_layer*¸
+{"name": "expanded_conv_1/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_1/expand", "trainable": false, "dtype": "float32", "filters": 72, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 31}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 32}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 33, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 16}}, "shared_object_id": 352}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 61, 16, 16]}}2
+§
+root.layer_with_weights-7"_tf_keras_layer*ð {"name": "expanded_conv_1/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 35}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 36}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 37}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_1/expand", 0, 0, {}]]], "shared_object_id": 38, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 72}}, "shared_object_id": 353}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 61, 16, 72]}}2
+‹
root.layer-14"_tf_keras_layer*à{"name": "re_lu_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_2", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_1/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 39}2
+Ã
root.layer-15"_tf_keras_layer*˜{"name": "expanded_conv_1/depthwise/pad", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_1/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "inbound_nodes": [[["re_lu_2", 0, 0, {}]]], "shared_object_id": 40, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 354}}2
+Žroot.layer_with_weights-8"_tf_keras_layer*×
+{"name": "expanded_conv_1/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_1/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 42}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 43}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["expanded_conv_1/depthwise/pad", 0, 0, {}]]], "shared_object_id": 44, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 72}}, "shared_object_id": 355}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 63, 17, 72]}}2
+¯
+root.layer_with_weights-9"_tf_keras_layer*ø {"name": "expanded_conv_1/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 45}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 46}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 47}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 48}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_1/depthwise", 0, 0, {}]]], "shared_object_id": 49, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 72}}, "shared_object_id": 356}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 72]}}2
+Ž
root.layer-18"_tf_keras_layer*ã{"name": "re_lu_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_3", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_1/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 50}2
+Ù
+root.layer_with_weights-10"_tf_keras_layer*¡
+{"name": "expanded_conv_1/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_1/project", "trainable": false, "dtype": "float32", "filters": 24, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_3", 0, 0, {}]]], "shared_object_id": 53, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 72}}, "shared_object_id": 357}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 72]}}2
+ª
+root.layer_with_weights-11"_tf_keras_layer*ò {"name": "expanded_conv_1/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_1/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 54}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 55}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 56}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 57}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_1/project", 0, 0, {}]]], "shared_object_id": 58, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 24}}, "shared_object_id": 358}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 24]}}2
+ñ
+root.layer_with_weights-12"_tf_keras_layer*¹
+{"name": "expanded_conv_2/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_2/expand", "trainable": false, "dtype": "float32", "filters": 88, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 59}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 60}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_1/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 61, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 24}}, "shared_object_id": 359}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 24]}}2
+§
+root.layer_with_weights-13"_tf_keras_layer*ï {"name": "expanded_conv_2/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 62}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 63}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 65}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_2/expand", 0, 0, {}]]], "shared_object_id": 66, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 88}}, "shared_object_id": 360}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 88]}}2
+‹
root.layer-23"_tf_keras_layer*à{"name": "re_lu_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_4", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_2/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 67}2
+÷
+root.layer_with_weights-14"_tf_keras_layer*¿
+{"name": "expanded_conv_2/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_2/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 69}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 70}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["re_lu_4", 0, 0, {}]]], "shared_object_id": 71, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 88}}, "shared_object_id": 361}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 88]}}2
+°
+root.layer_with_weights-15"_tf_keras_layer*ø {"name": "expanded_conv_2/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 72}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 73}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 74}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 75}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_2/depthwise", 0, 0, {}]]], "shared_object_id": 76, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 88}}, "shared_object_id": 362}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 88]}}2
+Ž
root.layer-26"_tf_keras_layer*ã{"name": "re_lu_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_5", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_2/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 77}2
+Ù
+root.layer_with_weights-16"_tf_keras_layer*¡
+{"name": "expanded_conv_2/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_2/project", "trainable": false, "dtype": "float32", "filters": 24, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 78}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 79}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_5", 0, 0, {}]]], "shared_object_id": 80, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 88}}, "shared_object_id": 363}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 88]}}2
+ª
+root.layer_with_weights-17"_tf_keras_layer*ò {"name": "expanded_conv_2/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_2/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 81}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 82}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 83}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 84}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_2/project", 0, 0, {}]]], "shared_object_id": 85, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 24}}, "shared_object_id": 364}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 24]}}2
+¥
root.layer-29"_tf_keras_layer*ú{"name": "expanded_conv_2/Add", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Add", "config": {"name": "expanded_conv_2/Add", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["expanded_conv_1/project/BatchNorm", 0, 0, {}], ["expanded_conv_2/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 86, "build_input_shape": [{"class_name": "TensorShape", "items": [null, 31, 8, 24]}, {"class_name": "TensorShape", "items": [null, 31, 8, 24]}]}2
+ã
+root.layer_with_weights-18"_tf_keras_layer*«
+{"name": "expanded_conv_3/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_3/expand", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 87}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 88}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_2/Add", 0, 0, {}]]], "shared_object_id": 89, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 24}}, "shared_object_id": 365}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 24]}}2
+§
+ root.layer_with_weights-19"_tf_keras_layer*ï {"name": "expanded_conv_3/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 90}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 91}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 92}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 93}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_3/expand", 0, 0, {}]]], "shared_object_id": 94, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 96}}, "shared_object_id": 366}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 31, 8, 96]}}2
+‹!
root.layer-32"_tf_keras_layer*à{"name": "re_lu_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_6", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_3/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 95}2
+Ã"
root.layer-33"_tf_keras_layer*˜{"name": "expanded_conv_3/depthwise/pad", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_3/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [1, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "inbound_nodes": [[["re_lu_6", 0, 0, {}]]], "shared_object_id": 96, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 367}}2
+#root.layer_with_weights-20"_tf_keras_layer*×
+{"name": "expanded_conv_3/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_3/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 98}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 99}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["expanded_conv_3/depthwise/pad", 0, 0, {}]]], "shared_object_id": 100, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 96}}, "shared_object_id": 368}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 33, 9, 96]}}2
+µ
+$root.layer_with_weights-21"_tf_keras_layer*ý {"name": "expanded_conv_3/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 101}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 102}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 103}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 104}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_3/depthwise", 0, 0, {}]]], "shared_object_id": 105, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 96}}, "shared_object_id": 369}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 96]}}2
+%
root.layer-36"_tf_keras_layer*ä{"name": "re_lu_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_7", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_3/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 106}2
+Ü
+&root.layer_with_weights-22"_tf_keras_layer*¤
+{"name": "expanded_conv_3/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_3/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 107}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 108}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_7", 0, 0, {}]]], "shared_object_id": 109, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 96}}, "shared_object_id": 370}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 96]}}2
+¯
+'root.layer_with_weights-23"_tf_keras_layer*÷ {"name": "expanded_conv_3/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_3/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 110}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 111}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 112}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 113}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_3/project", 0, 0, {}]]], "shared_object_id": 114, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 40}}, "shared_object_id": 371}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 40]}}2
+õ
+(root.layer_with_weights-24"_tf_keras_layer*½
+{"name": "expanded_conv_4/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_4/expand", "trainable": false, "dtype": "float32", "filters": 240, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 115}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 116}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_3/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 117, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 40}}, "shared_object_id": 372}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 40]}}2
+®
+)root.layer_with_weights-25"_tf_keras_layer*ö {"name": "expanded_conv_4/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 118}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 119}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 120}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 121}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_4/expand", 0, 0, {}]]], "shared_object_id": 122, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 240}}, "shared_object_id": 373}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 240]}}2
+Œ*
root.layer-41"_tf_keras_layer*á{"name": "re_lu_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_8", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_4/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 123}2
+ü
++root.layer_with_weights-26"_tf_keras_layer*Ä
+{"name": "expanded_conv_4/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_4/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 125}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 126}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["re_lu_8", 0, 0, {}]]], "shared_object_id": 127, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 240}}, "shared_object_id": 374}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 240]}}2
+·
+,root.layer_with_weights-27"_tf_keras_layer*ÿ {"name": "expanded_conv_4/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 128}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 129}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 130}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 131}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_4/depthwise", 0, 0, {}]]], "shared_object_id": 132, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 240}}, "shared_object_id": 375}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 240]}}2
+-
root.layer-44"_tf_keras_layer*ä{"name": "re_lu_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_9", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_4/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 133}2
+Þ
+.root.layer_with_weights-28"_tf_keras_layer*¦
+{"name": "expanded_conv_4/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_4/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 134}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 135}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_9", 0, 0, {}]]], "shared_object_id": 136, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 240}}, "shared_object_id": 376}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 240]}}2
+¯
+/root.layer_with_weights-29"_tf_keras_layer*÷ {"name": "expanded_conv_4/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_4/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 137}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 138}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 139}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 140}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_4/project", 0, 0, {}]]], "shared_object_id": 141, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 40}}, "shared_object_id": 377}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 40]}}2
+¦0
root.layer-47"_tf_keras_layer*û{"name": "expanded_conv_4/Add", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Add", "config": {"name": "expanded_conv_4/Add", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["expanded_conv_3/project/BatchNorm", 0, 0, {}], ["expanded_conv_4/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 142, "build_input_shape": [{"class_name": "TensorShape", "items": [null, 16, 4, 40]}, {"class_name": "TensorShape", "items": [null, 16, 4, 40]}]}2
+ç
+1root.layer_with_weights-30"_tf_keras_layer*¯
+{"name": "expanded_conv_5/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_5/expand", "trainable": false, "dtype": "float32", "filters": 240, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 143}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 144}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_4/Add", 0, 0, {}]]], "shared_object_id": 145, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 40}}, "shared_object_id": 378}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 40]}}2
+®
+2root.layer_with_weights-31"_tf_keras_layer*ö {"name": "expanded_conv_5/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 146}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 147}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 148}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 149}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_5/expand", 0, 0, {}]]], "shared_object_id": 150, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 240}}, "shared_object_id": 379}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 240]}}2
+Ž3
root.layer-50"_tf_keras_layer*ã{"name": "re_lu_10", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_10", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_5/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 151}2
+ý
+4root.layer_with_weights-32"_tf_keras_layer*Å
+{"name": "expanded_conv_5/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_5/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 153}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 154}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["re_lu_10", 0, 0, {}]]], "shared_object_id": 155, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 240}}, "shared_object_id": 380}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 240]}}2
+·
+5root.layer_with_weights-33"_tf_keras_layer*ÿ {"name": "expanded_conv_5/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 156}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 157}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 158}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 159}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_5/depthwise", 0, 0, {}]]], "shared_object_id": 160, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 240}}, "shared_object_id": 381}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 240]}}2
+‘6
root.layer-53"_tf_keras_layer*æ{"name": "re_lu_11", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_11", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_5/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 161}2
+ß
+7root.layer_with_weights-34"_tf_keras_layer*§
+{"name": "expanded_conv_5/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_5/project", "trainable": false, "dtype": "float32", "filters": 40, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 162}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 163}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_11", 0, 0, {}]]], "shared_object_id": 164, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 240}}, "shared_object_id": 382}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 240]}}2
+¯
+8root.layer_with_weights-35"_tf_keras_layer*÷ {"name": "expanded_conv_5/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_5/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 165}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 166}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 167}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 168}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_5/project", 0, 0, {}]]], "shared_object_id": 169, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 40}}, "shared_object_id": 383}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 40]}}2
+˜9
root.layer-56"_tf_keras_layer*í{"name": "expanded_conv_5/Add", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Add", "config": {"name": "expanded_conv_5/Add", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["expanded_conv_4/Add", 0, 0, {}], ["expanded_conv_5/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 170, "build_input_shape": [{"class_name": "TensorShape", "items": [null, 16, 4, 40]}, {"class_name": "TensorShape", "items": [null, 16, 4, 40]}]}2
+ç
+:root.layer_with_weights-36"_tf_keras_layer*¯
+{"name": "expanded_conv_6/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_6/expand", "trainable": false, "dtype": "float32", "filters": 120, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 171}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 172}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_5/Add", 0, 0, {}]]], "shared_object_id": 173, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 40}}, "shared_object_id": 384}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 40]}}2
+®
+;root.layer_with_weights-37"_tf_keras_layer*ö {"name": "expanded_conv_6/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 174}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 175}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 176}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 177}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_6/expand", 0, 0, {}]]], "shared_object_id": 178, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 120}}, "shared_object_id": 385}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 120]}}2
+Ž<
root.layer-59"_tf_keras_layer*ã{"name": "re_lu_12", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_12", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_6/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 179}2
+ý
+=root.layer_with_weights-38"_tf_keras_layer*Å
+{"name": "expanded_conv_6/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_6/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 181}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 182}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["re_lu_12", 0, 0, {}]]], "shared_object_id": 183, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 120}}, "shared_object_id": 386}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 120]}}2
+·
+>root.layer_with_weights-39"_tf_keras_layer*ÿ {"name": "expanded_conv_6/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 184}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 185}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 186}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 187}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_6/depthwise", 0, 0, {}]]], "shared_object_id": 188, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 120}}, "shared_object_id": 387}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 120]}}2
+‘?
root.layer-62"_tf_keras_layer*æ{"name": "re_lu_13", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_13", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_6/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 189}2
+ß
+@root.layer_with_weights-40"_tf_keras_layer*§
+{"name": "expanded_conv_6/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_6/project", "trainable": false, "dtype": "float32", "filters": 48, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 190}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 191}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_13", 0, 0, {}]]], "shared_object_id": 192, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 120}}, "shared_object_id": 388}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 120]}}2
+¯
+Aroot.layer_with_weights-41"_tf_keras_layer*÷ {"name": "expanded_conv_6/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_6/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 193}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 194}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 195}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 196}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_6/project", 0, 0, {}]]], "shared_object_id": 197, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 48}}, "shared_object_id": 389}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 48]}}2
+õ
+Broot.layer_with_weights-42"_tf_keras_layer*½
+{"name": "expanded_conv_7/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_7/expand", "trainable": false, "dtype": "float32", "filters": 144, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 198}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 199}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_6/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 200, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 48}}, "shared_object_id": 390}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 48]}}2
+®
+Croot.layer_with_weights-43"_tf_keras_layer*ö {"name": "expanded_conv_7/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 201}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 202}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 203}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 204}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_7/expand", 0, 0, {}]]], "shared_object_id": 205, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 144}}, "shared_object_id": 391}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 144]}}2
+ŽD
root.layer-67"_tf_keras_layer*ã{"name": "re_lu_14", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_14", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_7/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 206}2
+ý
+Eroot.layer_with_weights-44"_tf_keras_layer*Å
+{"name": "expanded_conv_7/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_7/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 208}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 209}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["re_lu_14", 0, 0, {}]]], "shared_object_id": 210, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 144}}, "shared_object_id": 392}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 144]}}2
+·
+Froot.layer_with_weights-45"_tf_keras_layer*ÿ {"name": "expanded_conv_7/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 211}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 212}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 213}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 214}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_7/depthwise", 0, 0, {}]]], "shared_object_id": 215, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 144}}, "shared_object_id": 393}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 144]}}2
+‘G
root.layer-70"_tf_keras_layer*æ{"name": "re_lu_15", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_15", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_7/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 216}2
+ß
+Hroot.layer_with_weights-46"_tf_keras_layer*§
+{"name": "expanded_conv_7/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_7/project", "trainable": false, "dtype": "float32", "filters": 48, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 217}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 218}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_15", 0, 0, {}]]], "shared_object_id": 219, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 144}}, "shared_object_id": 394}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 144]}}2
+¯
+Iroot.layer_with_weights-47"_tf_keras_layer*÷ {"name": "expanded_conv_7/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_7/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 220}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 221}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 222}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 223}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_7/project", 0, 0, {}]]], "shared_object_id": 224, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 48}}, "shared_object_id": 395}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 48]}}2
+¦J
root.layer-73"_tf_keras_layer*û{"name": "expanded_conv_7/Add", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Add", "config": {"name": "expanded_conv_7/Add", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["expanded_conv_6/project/BatchNorm", 0, 0, {}], ["expanded_conv_7/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 225, "build_input_shape": [{"class_name": "TensorShape", "items": [null, 16, 4, 48]}, {"class_name": "TensorShape", "items": [null, 16, 4, 48]}]}2
+ç
+Kroot.layer_with_weights-48"_tf_keras_layer*¯
+{"name": "expanded_conv_8/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_8/expand", "trainable": false, "dtype": "float32", "filters": 288, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 226}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 227}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_7/Add", 0, 0, {}]]], "shared_object_id": 228, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 48}}, "shared_object_id": 396}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 48]}}2
+®
+Lroot.layer_with_weights-49"_tf_keras_layer*ö {"name": "expanded_conv_8/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 229}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 230}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 231}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 232}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_8/expand", 0, 0, {}]]], "shared_object_id": 233, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 288}}, "shared_object_id": 397}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 16, 4, 288]}}2
+ŽM
root.layer-76"_tf_keras_layer*ã{"name": "re_lu_16", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_16", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_8/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 234}2
+ÅN
root.layer-77"_tf_keras_layer*š{"name": "expanded_conv_8/depthwise/pad", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ZeroPadding2D", "config": {"name": "expanded_conv_8/depthwise/pad", "trainable": false, "dtype": "float32", "padding": {"class_name": "__tuple__", "items": [{"class_name": "__tuple__", "items": [0, 1]}, {"class_name": "__tuple__", "items": [0, 1]}]}, "data_format": "channels_last"}, "inbound_nodes": [[["re_lu_16", 0, 0, {}]]], "shared_object_id": 235, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 398}}2
+“Oroot.layer_with_weights-50"_tf_keras_layer*Û
+{"name": "expanded_conv_8/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_8/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [2, 2]}, "padding": "valid", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 237}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 238}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["expanded_conv_8/depthwise/pad", 0, 0, {}]]], "shared_object_id": 239, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 288}}, "shared_object_id": 399}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 17, 5, 288]}}2
+¶
+Proot.layer_with_weights-51"_tf_keras_layer*þ {"name": "expanded_conv_8/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 240}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 241}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 242}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 243}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_8/depthwise", 0, 0, {}]]], "shared_object_id": 244, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 288}}, "shared_object_id": 400}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 288]}}2
+‘Q
root.layer-80"_tf_keras_layer*æ{"name": "re_lu_17", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_17", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_8/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 245}2
+Þ
+Rroot.layer_with_weights-52"_tf_keras_layer*¦
+{"name": "expanded_conv_8/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_8/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 246}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 247}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_17", 0, 0, {}]]], "shared_object_id": 248, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 288}}, "shared_object_id": 401}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 288]}}2
+®
+Sroot.layer_with_weights-53"_tf_keras_layer*ö {"name": "expanded_conv_8/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_8/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 249}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 250}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 251}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 252}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_8/project", 0, 0, {}]]], "shared_object_id": 253, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 96}}, "shared_object_id": 402}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 96]}}2
+ô
+Troot.layer_with_weights-54"_tf_keras_layer*¼
+{"name": "expanded_conv_9/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_9/expand", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 254}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 255}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_8/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 256, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 96}}, "shared_object_id": 403}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 96]}}2
+
+Uroot.layer_with_weights-55"_tf_keras_layer*õ {"name": "expanded_conv_9/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 257}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 258}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 259}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 260}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_9/expand", 0, 0, {}]]], "shared_object_id": 261, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 576}}, "shared_object_id": 404}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+ŽV
root.layer-85"_tf_keras_layer*ã{"name": "re_lu_18", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_18", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_9/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 262}2
+ü
+Wroot.layer_with_weights-56"_tf_keras_layer*Ä
+{"name": "expanded_conv_9/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_9/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 264}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 265}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["re_lu_18", 0, 0, {}]]], "shared_object_id": 266, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 576}}, "shared_object_id": 405}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+¶
+Xroot.layer_with_weights-57"_tf_keras_layer*þ {"name": "expanded_conv_9/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 267}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 268}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 269}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 270}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_9/depthwise", 0, 0, {}]]], "shared_object_id": 271, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 576}}, "shared_object_id": 406}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+‘Y
root.layer-88"_tf_keras_layer*æ{"name": "re_lu_19", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_19", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_9/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 272}2
+Þ
+Zroot.layer_with_weights-58"_tf_keras_layer*¦
+{"name": "expanded_conv_9/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_9/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 273}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 274}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_19", 0, 0, {}]]], "shared_object_id": 275, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 576}}, "shared_object_id": 407}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+®
+[root.layer_with_weights-59"_tf_keras_layer*ö {"name": "expanded_conv_9/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_9/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 276}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 277}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 278}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 279}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_9/project", 0, 0, {}]]], "shared_object_id": 280, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 96}}, "shared_object_id": 408}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 96]}}2
+¤\
root.layer-91"_tf_keras_layer*ù{"name": "expanded_conv_9/Add", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Add", "config": {"name": "expanded_conv_9/Add", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["expanded_conv_8/project/BatchNorm", 0, 0, {}], ["expanded_conv_9/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 281, "build_input_shape": [{"class_name": "TensorShape", "items": [null, 8, 2, 96]}, {"class_name": "TensorShape", "items": [null, 8, 2, 96]}]}2
+è
+]root.layer_with_weights-60"_tf_keras_layer*°
+{"name": "expanded_conv_10/expand", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_10/expand", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 282}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 283}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_9/Add", 0, 0, {}]]], "shared_object_id": 284, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 96}}, "shared_object_id": 409}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 96]}}2
+°
+^root.layer_with_weights-61"_tf_keras_layer*ø {"name": "expanded_conv_10/expand/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/expand/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 285}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 286}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 287}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 288}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_10/expand", 0, 0, {}]]], "shared_object_id": 289, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 576}}, "shared_object_id": 410}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+_
root.layer-94"_tf_keras_layer*ä{"name": "re_lu_20", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_20", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_10/expand/BatchNorm", 0, 0, {}]]], "shared_object_id": 290}2
+þ
+`root.layer_with_weights-62"_tf_keras_layer*Æ
+{"name": "expanded_conv_10/depthwise", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "DepthwiseConv2D", "config": {"name": "expanded_conv_10/depthwise", "trainable": false, "dtype": "float32", "kernel_size": {"class_name": "__tuple__", "items": [3, 3]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 292}, "bias_regularizer": null, "activity_regularizer": null, "bias_constraint": null, "depth_multiplier": 1, "depthwise_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 293}, "depthwise_regularizer": null, "depthwise_constraint": null}, "inbound_nodes": [[["re_lu_20", 0, 0, {}]]], "shared_object_id": 294, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 576}}, "shared_object_id": 411}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+¹
+aroot.layer_with_weights-63"_tf_keras_layer*
+{"name": "expanded_conv_10/depthwise/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/depthwise/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 295}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 296}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 297}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 298}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_10/depthwise", 0, 0, {}]]], "shared_object_id": 299, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 576}}, "shared_object_id": 412}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+’b
root.layer-97"_tf_keras_layer*ç{"name": "re_lu_21", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_21", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["expanded_conv_10/depthwise/BatchNorm", 0, 0, {}]]], "shared_object_id": 300}2
+à
+croot.layer_with_weights-64"_tf_keras_layer*¨
+{"name": "expanded_conv_10/project", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "expanded_conv_10/project", "trainable": false, "dtype": "float32", "filters": 96, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 301}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 302}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["re_lu_21", 0, 0, {}]]], "shared_object_id": 303, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 576}}, "shared_object_id": 413}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+±
+droot.layer_with_weights-65"_tf_keras_layer*ù {"name": "expanded_conv_10/project/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "expanded_conv_10/project/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 304}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 305}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 306}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 307}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["expanded_conv_10/project", 0, 0, {}]]], "shared_object_id": 308, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 96}}, "shared_object_id": 414}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 96]}}2
+šeroot.layer-100"_tf_keras_layer*î{"name": "expanded_conv_10/Add", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Add", "config": {"name": "expanded_conv_10/Add", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["expanded_conv_9/Add", 0, 0, {}], ["expanded_conv_10/project/BatchNorm", 0, 0, {}]]], "shared_object_id": 309, "build_input_shape": [{"class_name": "TensorShape", "items": [null, 8, 2, 96]}, {"class_name": "TensorShape", "items": [null, 8, 2, 96]}]}2
+Ç
+froot.layer_with_weights-66"_tf_keras_layer*
+{"name": "Conv_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Conv2D", "config": {"name": "Conv_1", "trainable": false, "dtype": "float32", "filters": 576, "kernel_size": {"class_name": "__tuple__", "items": [1, 1]}, "strides": {"class_name": "__tuple__", "items": [1, 1]}, "padding": "same", "data_format": "channels_last", "dilation_rate": {"class_name": "__tuple__", "items": [1, 1]}, "groups": 1, "activation": "linear", "use_bias": false, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 310}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 311}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["expanded_conv_10/Add", 0, 0, {}]]], "shared_object_id": 312, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 4, "axes": {"-1": 96}}, "shared_object_id": 415}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 96]}}2
+ý groot.layer_with_weights-67"_tf_keras_layer*Å {"name": "Conv_1/BatchNorm", "trainable": false, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "BatchNormalization", "config": {"name": "Conv_1/BatchNorm", "trainable": false, "dtype": "float32", "axis": [3], "momentum": 0.999, "epsilon": 0.001, "center": true, "scale": true, "beta_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 313}, "gamma_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 314}, "moving_mean_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 315}, "moving_variance_initializer": {"class_name": "Ones", "config": {}, "shared_object_id": 316}, "beta_regularizer": null, "gamma_regularizer": null, "beta_constraint": null, "gamma_constraint": null}, "inbound_nodes": [[["Conv_1", 0, 0, {}]]], "shared_object_id": 317, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 4, "max_ndim": null, "min_ndim": null, "axes": {"3": 576}}, "shared_object_id": 416}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 2, 576]}}2
+ÿhroot.layer-103"_tf_keras_layer*Ó{"name": "re_lu_22", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "ReLU", "config": {"name": "re_lu_22", "trainable": false, "dtype": "float32", "max_value": null, "negative_slope": 0.0, "threshold": 0.0}, "inbound_nodes": [[["Conv_1/BatchNorm", 0, 0, {}]]], "shared_object_id": 318}2
+ûiroot.layer-104"_tf_keras_layer*Ï{"name": "reshape", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Reshape", "config": {"name": "reshape", "trainable": true, "dtype": "float32", "target_shape": {"class_name": "__tuple__", "items": [8, 1152]}}, "inbound_nodes": [[["re_lu_22", 0, 0, {}]]], "shared_object_id": 319}2
+½jroot.layer_with_weights-68"_tf_keras_layer*…{"name": "dense1", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Dense", "config": {"name": "dense1", "trainable": true, "dtype": "float32", "units": 64, "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 320}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 321}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["reshape", 0, 0, {}]]], "shared_object_id": 322, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 1152}}, "shared_object_id": 417}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 1152]}}2
+³kroot.layer-106"_tf_keras_layer*‡{"name": "dropout", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Dropout", "config": {"name": "dropout", "trainable": true, "dtype": "float32", "rate": 0.2, "noise_shape": null, "seed": null}, "inbound_nodes": [[["dense1", 0, 0, {}]]], "shared_object_id": 323, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 64]}}2
+‘
lroot.layer_with_weights-69"_tf_keras_layer*Ù{"name": "bidirectional", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Bidirectional", "config": {"name": "bidirectional", "trainable": true, "dtype": "float32", "layer": {"class_name": "LSTM", "config": {"name": "LSTM1", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 128, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 324}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 325}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 326}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 328}, "merge_mode": "concat"}, "inbound_nodes": [[["dropout", 0, 0, {}]]], "shared_object_id": 329, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 418}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 64]}}2
+›
mroot.layer_with_weights-70"_tf_keras_layer*ã{"name": "bidirectional_1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Bidirectional", "config": {"name": "bidirectional_1", "trainable": true, "dtype": "float32", "layer": {"class_name": "LSTM", "config": {"name": "LSTM2", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "units": 64, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 330}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 331}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 332}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 334}, "merge_mode": "concat"}, "inbound_nodes": [[["bidirectional", 0, 0, {}]]], "shared_object_id": 335, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 419}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 256]}}2
+únroot.layer-109"_tf_keras_input_layer*È{"class_name": "InputLayer", "name": "label", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "label"}}2
+Æoroot.layer_with_weights-71"_tf_keras_layer*Ž{"name": "dense2", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "Dense", "config": {"name": "dense2", "trainable": true, "dtype": "float32", "units": 64, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 337}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 338}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["bidirectional_1", 0, 0, {}]]], "shared_object_id": 339, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 128}}, "shared_object_id": 420}, "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 128]}}2
+Ôproot.layer-111"_tf_keras_layer*¨{"name": "ctc_loss", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "CTCLayer", "config": {"name": "ctc_loss", "trainable": true, "dtype": "float32"}, "inbound_nodes": [[["label", 0, 0, {"y_pred": ["dense2", 0, 0]}]]], "shared_object_id": 340}2
+©Ú(root.layer_with_weights-69.forward_layer"_tf_keras_rnn_layer*Þ{"name": "forward_LSTM1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTM", "config": {"name": "forward_LSTM1", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "zero_output_for_mask": true, "units": 128, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 421}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 422}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 423}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 425, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 64]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 426}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 64]}}2
+«Û)root.layer_with_weights-69.backward_layer"_tf_keras_rnn_layer*ß{"name": "backward_LSTM1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTM", "config": {"name": "backward_LSTM1", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": true, "stateful": false, "unroll": false, "time_major": false, "zero_output_for_mask": true, "units": 128, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 427}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 428}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 429}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 431, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 64]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 432}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 64]}}2
+ªã(root.layer_with_weights-70.forward_layer"_tf_keras_rnn_layer*ß{"name": "forward_LSTM2", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTM", "config": {"name": "forward_LSTM2", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": false, "stateful": false, "unroll": false, "time_major": false, "zero_output_for_mask": true, "units": 64, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 433}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 434}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 435}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 437, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 256]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 438}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 256]}}2
+¬ä)root.layer_with_weights-70.backward_layer"_tf_keras_rnn_layer*à{"name": "backward_LSTM2", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTM", "config": {"name": "backward_LSTM2", "trainable": true, "dtype": "float32", "return_sequences": true, "return_state": false, "go_backwards": true, "stateful": false, "unroll": false, "time_major": false, "zero_output_for_mask": true, "units": 64, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 439}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 440}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 441}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 443, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 256]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}, "shared_object_id": 444}], "build_input_shape": {"class_name": "TensorShape", "items": [null, 8, 256]}}2
+‹ Ù-root.layer_with_weights-69.forward_layer.cell"_tf_keras_layer*¿{"name": "lstm_cell_1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTMCell", "config": {"name": "lstm_cell_1", "trainable": true, "dtype": "float32", "units": 128, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 421}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 422}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 423}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 424, "build_input_shape": {"class_name": "__tuple__", "items": [null, 64]}}2
+Œ ã.root.layer_with_weights-69.backward_layer.cell"_tf_keras_layer*¿{"name": "lstm_cell_2", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTMCell", "config": {"name": "lstm_cell_2", "trainable": true, "dtype": "float32", "units": 128, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 427}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 428}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 429}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 430, "build_input_shape": {"class_name": "__tuple__", "items": [null, 64]}}2
+‹ ú-root.layer_with_weights-70.forward_layer.cell"_tf_keras_layer*¿{"name": "lstm_cell_4", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTMCell", "config": {"name": "lstm_cell_4", "trainable": true, "dtype": "float32", "units": 64, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 433}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 434}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 435}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 436, "build_input_shape": {"class_name": "__tuple__", "items": [null, 256]}}2
+Œ „.root.layer_with_weights-70.backward_layer.cell"_tf_keras_layer*¿{"name": "lstm_cell_5", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "preserve_input_structure_in_config": false, "autocast": true, "class_name": "LSTMCell", "config": {"name": "lstm_cell_5", "trainable": true, "dtype": "float32", "units": 64, "activation": "tanh", "recurrent_activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}, "shared_object_id": 439}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 440}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 441}, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null, "dropout": 0.25, "recurrent_dropout": 0.0, "implementation": 2}, "shared_object_id": 442, "build_input_shape": {"class_name": "__tuple__", "items": [null, 256]}}2
+»•root.keras_api.metrics.0"_tf_keras_metric*ƒ{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 445}2
\ No newline at end of file
diff --git a/src/captcha/MobileNetV3Small/saved_model.pb b/src/captcha/MobileNetV3Small/saved_model.pb
new file mode 100644
index 00000000000..dbc2703d1ed
Binary files /dev/null and b/src/captcha/MobileNetV3Small/saved_model.pb differ
diff --git a/src/captcha/MobileNetV3Small/variables/variables.data-00000-of-00001 b/src/captcha/MobileNetV3Small/variables/variables.data-00000-of-00001
new file mode 100644
index 00000000000..bde23625bdd
Binary files /dev/null and b/src/captcha/MobileNetV3Small/variables/variables.data-00000-of-00001 differ
diff --git a/src/captcha/MobileNetV3Small/variables/variables.index b/src/captcha/MobileNetV3Small/variables/variables.index
new file mode 100644
index 00000000000..178a0dc09ee
Binary files /dev/null and b/src/captcha/MobileNetV3Small/variables/variables.index differ
diff --git a/src/captcha/ModelDAO.py b/src/captcha/ModelDAO.py
new file mode 100644
index 00000000000..168d9c37ee8
--- /dev/null
+++ b/src/captcha/ModelDAO.py
@@ -0,0 +1,20 @@
+from tensorflow import keras
+from captcha.GoogleDriveManager import GoogleDriveManager
+import shutil
+
+
+class ModelDAO:
+
+ def __init__(self, inColab):
+ self.inColab = inColab
+
+ def saveModel(self, model):
+ shutil.rmtree(model.name, ignore_errors = True)
+ model.save(model.name)
+ if self.inColab:
+ GoogleDriveManager.uploadFolderToGoogleDrive(model.name)
+
+ def loadModel(self, modelFilepath):
+ if self.inColab:
+ GoogleDriveManager.downloadFolderFromGoogleDrive(modelFilepath)
+ return keras.models.load_model(modelFilepath)
diff --git a/src/captcha/ModelFactory.py b/src/captcha/ModelFactory.py
new file mode 100644
index 00000000000..07deafabb05
--- /dev/null
+++ b/src/captcha/ModelFactory.py
@@ -0,0 +1,102 @@
+from captcha.CTCLayer import CTCLayer
+import tensorflow as tf
+from tensorflow import keras
+from tensorflow.keras import layers
+
+
+class ModelFactory:
+
+ predictionModelInputLayerName = "image"
+ predictionModelOutputLayerName = "dense2"
+
+ def __init__(self, captchaShape, char_to_num):
+ self.captchaShape = captchaShape
+ self.char_to_num = char_to_num
+
+ # see https://www.tensorflow.org/api_docs/python/tf/keras/applications/resnet/ResNet101
+ def createResNet101(self):
+ return self._createModel(
+ baseModelFactory = lambda input_tensor: tf.keras.applications.resnet.ResNet101(
+ input_tensor = input_tensor,
+ weights = 'imagenet',
+ include_top = False),
+ preprocess_input = tf.keras.applications.resnet.preprocess_input,
+ name = 'ResNet101')
+
+ def createMobileNetV2(self):
+ return self._createModel(
+ baseModelFactory = lambda input_tensor: tf.keras.applications.MobileNetV2(
+ input_tensor = input_tensor,
+ weights = 'imagenet',
+ include_top = False),
+ preprocess_input = tf.keras.applications.mobilenet_v2.preprocess_input,
+ name = 'MobileNetV2')
+
+ def createMobileNetV3Small(self):
+ return self._createModel(
+ baseModelFactory = lambda input_tensor: tf.keras.applications.MobileNetV3Small(
+ input_tensor = input_tensor,
+ minimalistic = True,
+ weights = 'imagenet',
+ include_top = False),
+ preprocess_input = tf.keras.applications.mobilenet_v3.preprocess_input,
+ name = 'MobileNetV3Small')
+
+ @staticmethod
+ def createPredictionModel(model):
+ return keras.models.Model(
+ model.get_layer(name=ModelFactory.predictionModelInputLayerName).input,
+ model.get_layer(name=ModelFactory.predictionModelOutputLayerName).output)
+
+ def _createModel(self, baseModelFactory, preprocess_input, name):
+ # Inputs to the model
+ input_image = layers.Input(
+ shape = (self.captchaShape.height, self.captchaShape.width, 3),
+ name = ModelFactory.predictionModelInputLayerName,
+ dtype = "float32")
+ labels = layers.Input(name="label", shape=(None,), dtype="float32")
+
+ image = preprocess_input(input_image)
+ # Transpose the image because we want the time dimension to correspond to the width of the image.
+ image = tf.keras.layers.Permute(dims=[2, 1, 3])(image)
+ base_model = baseModelFactory(image)
+ x = layers.Reshape(
+ target_shape=(base_model.output_shape[1], base_model.output_shape[2] * base_model.output_shape[3]),
+ name="reshape")(base_model.output)
+ x = layers.Dense(64, activation="relu", name="dense1")(x)
+ x = layers.Dropout(0.2)(x)
+
+ # RNNs
+ x = layers.Bidirectional(
+ layers.LSTM(
+ 128,
+ return_sequences=True,
+ dropout=0.25,
+ unroll=False,
+ name="LSTM1"))(x)
+ x = layers.Bidirectional(
+ layers.LSTM(
+ 64,
+ return_sequences=True,
+ dropout=0.25,
+ unroll=False,
+ name="LSTM2"))(x)
+
+ # Output layer
+ x = layers.Dense(
+ len(self.char_to_num.get_vocabulary()) + 1,
+ activation="softmax",
+ name=ModelFactory.predictionModelOutputLayerName)(x)
+
+ # Add CTC layer for calculating CTC loss at each step
+ output = CTCLayer(name="ctc_loss")(labels, x)
+
+ model = keras.models.Model(
+ inputs=[input_image, labels],
+ outputs=output,
+ name=name)
+ # "The model is optimized by a stochastic gradient descent (SGD) strategy with an initial learning rate of 0.004, weight decay of 0.00004 and momentum of 0.9."
+ # from tensorflow.keras.optimizers import SGD
+ # model.compile(optimizer=SGD(learning_rate=0.004, "weight_decay=0.00004," momentum=0.9)
+ model.compile(optimizer=keras.optimizers.Adam())
+ return model
diff --git a/src/captcha/PredictionsDecoder.py b/src/captcha/PredictionsDecoder.py
new file mode 100644
index 00000000000..15a1dfaa7ca
--- /dev/null
+++ b/src/captcha/PredictionsDecoder.py
@@ -0,0 +1,24 @@
+import tensorflow as tf
+from tensorflow import keras
+import numpy as np
+
+
+class PredictionsDecoder:
+
+ def __init__(self, captchaLength, num_to_char):
+ self.captchaLength = captchaLength
+ self.num_to_char = num_to_char
+
+ def decode_batch_predictions(self, pred):
+ return self.asStrings(self.ctc_decode(pred))
+
+ def ctc_decode(self, pred):
+ input_len = np.ones(pred.shape[0]) * pred.shape[1]
+ # Use greedy search. For complex tasks, you can use beam search
+ return keras.backend.ctc_decode(pred, input_length=input_len, greedy=True)[0][0][:, :self.captchaLength]
+
+ def asStrings(self, labels):
+ return [self.asString(label) for label in labels]
+
+ def asString(self, label):
+ return tf.strings.reduce_join(self.num_to_char(label)).numpy().decode("utf-8")
diff --git a/src/captcha/__init__.py b/src/captcha/__init__.py
new file mode 100644
index 00000000000..e69de29bb2d
diff --git a/src/captcha/captchas/VAERS/101659.jpeg b/src/captcha/captchas/VAERS/101659.jpeg
new file mode 100644
index 00000000000..a8b4b61f96c
Binary files /dev/null and b/src/captcha/captchas/VAERS/101659.jpeg differ
diff --git a/src/captcha/captchas/VAERS/101c33.jpeg b/src/captcha/captchas/VAERS/101c33.jpeg
new file mode 100644
index 00000000000..3f88e5af436
Binary files /dev/null and b/src/captcha/captchas/VAERS/101c33.jpeg differ
diff --git a/src/captcha/captchas/VAERS/10472b.jpeg b/src/captcha/captchas/VAERS/10472b.jpeg
new file mode 100644
index 00000000000..e03d57ac993
Binary files /dev/null and b/src/captcha/captchas/VAERS/10472b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/10947F.jpeg b/src/captcha/captchas/VAERS/10947F.jpeg
new file mode 100644
index 00000000000..a35e60007c9
Binary files /dev/null and b/src/captcha/captchas/VAERS/10947F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/109adF.jpeg b/src/captcha/captchas/VAERS/109adF.jpeg
new file mode 100644
index 00000000000..18e3adee54e
Binary files /dev/null and b/src/captcha/captchas/VAERS/109adF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/109d2a.jpeg b/src/captcha/captchas/VAERS/109d2a.jpeg
new file mode 100644
index 00000000000..c2222533c5b
Binary files /dev/null and b/src/captcha/captchas/VAERS/109d2a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/10DDd9.jpeg b/src/captcha/captchas/VAERS/10DDd9.jpeg
new file mode 100644
index 00000000000..bfd9c5a7060
Binary files /dev/null and b/src/captcha/captchas/VAERS/10DDd9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/10b1b3.jpeg b/src/captcha/captchas/VAERS/10b1b3.jpeg
new file mode 100644
index 00000000000..c9022ab350b
Binary files /dev/null and b/src/captcha/captchas/VAERS/10b1b3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/10bcdd.jpeg b/src/captcha/captchas/VAERS/10bcdd.jpeg
new file mode 100644
index 00000000000..8650238540a
Binary files /dev/null and b/src/captcha/captchas/VAERS/10bcdd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/110C20.jpeg b/src/captcha/captchas/VAERS/110C20.jpeg
new file mode 100644
index 00000000000..555e5b26e54
Binary files /dev/null and b/src/captcha/captchas/VAERS/110C20.jpeg differ
diff --git a/src/captcha/captchas/VAERS/117f67.jpeg b/src/captcha/captchas/VAERS/117f67.jpeg
new file mode 100644
index 00000000000..718f2058512
Binary files /dev/null and b/src/captcha/captchas/VAERS/117f67.jpeg differ
diff --git a/src/captcha/captchas/VAERS/118c39.jpeg b/src/captcha/captchas/VAERS/118c39.jpeg
new file mode 100644
index 00000000000..71551118f52
Binary files /dev/null and b/src/captcha/captchas/VAERS/118c39.jpeg differ
diff --git a/src/captcha/captchas/VAERS/11CD9E.jpeg b/src/captcha/captchas/VAERS/11CD9E.jpeg
new file mode 100644
index 00000000000..0c6d2148b29
Binary files /dev/null and b/src/captcha/captchas/VAERS/11CD9E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/123C40.jpeg b/src/captcha/captchas/VAERS/123C40.jpeg
new file mode 100644
index 00000000000..09f093ac2be
Binary files /dev/null and b/src/captcha/captchas/VAERS/123C40.jpeg differ
diff --git a/src/captcha/captchas/VAERS/126383.jpeg b/src/captcha/captchas/VAERS/126383.jpeg
new file mode 100644
index 00000000000..bfa511c8207
Binary files /dev/null and b/src/captcha/captchas/VAERS/126383.jpeg differ
diff --git a/src/captcha/captchas/VAERS/12E29c.jpeg b/src/captcha/captchas/VAERS/12E29c.jpeg
new file mode 100644
index 00000000000..232dd39ae9a
Binary files /dev/null and b/src/captcha/captchas/VAERS/12E29c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/12a107.jpeg b/src/captcha/captchas/VAERS/12a107.jpeg
new file mode 100644
index 00000000000..98928defc25
Binary files /dev/null and b/src/captcha/captchas/VAERS/12a107.jpeg differ
diff --git a/src/captcha/captchas/VAERS/12b8A8.jpeg b/src/captcha/captchas/VAERS/12b8A8.jpeg
new file mode 100644
index 00000000000..17f676c0008
Binary files /dev/null and b/src/captcha/captchas/VAERS/12b8A8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/133427.jpeg b/src/captcha/captchas/VAERS/133427.jpeg
new file mode 100644
index 00000000000..d4929b88702
Binary files /dev/null and b/src/captcha/captchas/VAERS/133427.jpeg differ
diff --git a/src/captcha/captchas/VAERS/136B3b.jpeg b/src/captcha/captchas/VAERS/136B3b.jpeg
new file mode 100644
index 00000000000..e062328233e
Binary files /dev/null and b/src/captcha/captchas/VAERS/136B3b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/13709F.jpeg b/src/captcha/captchas/VAERS/13709F.jpeg
new file mode 100644
index 00000000000..ecded909b47
Binary files /dev/null and b/src/captcha/captchas/VAERS/13709F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/137d4B.jpeg b/src/captcha/captchas/VAERS/137d4B.jpeg
new file mode 100644
index 00000000000..9c286200436
Binary files /dev/null and b/src/captcha/captchas/VAERS/137d4B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/13DeEA.jpeg b/src/captcha/captchas/VAERS/13DeEA.jpeg
new file mode 100644
index 00000000000..60d0c763dfb
Binary files /dev/null and b/src/captcha/captchas/VAERS/13DeEA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1421bf.jpeg b/src/captcha/captchas/VAERS/1421bf.jpeg
new file mode 100644
index 00000000000..0570ef1181f
Binary files /dev/null and b/src/captcha/captchas/VAERS/1421bf.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1450C9.jpeg b/src/captcha/captchas/VAERS/1450C9.jpeg
new file mode 100644
index 00000000000..7f68d5a65dc
Binary files /dev/null and b/src/captcha/captchas/VAERS/1450C9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/14540d.jpeg b/src/captcha/captchas/VAERS/14540d.jpeg
new file mode 100644
index 00000000000..e17d083766c
Binary files /dev/null and b/src/captcha/captchas/VAERS/14540d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/14853f.jpeg b/src/captcha/captchas/VAERS/14853f.jpeg
new file mode 100644
index 00000000000..78bfe645907
Binary files /dev/null and b/src/captcha/captchas/VAERS/14853f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/158AB4.jpeg b/src/captcha/captchas/VAERS/158AB4.jpeg
new file mode 100644
index 00000000000..5a0225a825e
Binary files /dev/null and b/src/captcha/captchas/VAERS/158AB4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/15A9c4.jpeg b/src/captcha/captchas/VAERS/15A9c4.jpeg
new file mode 100644
index 00000000000..705714f56fa
Binary files /dev/null and b/src/captcha/captchas/VAERS/15A9c4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/15B2c5.jpeg b/src/captcha/captchas/VAERS/15B2c5.jpeg
new file mode 100644
index 00000000000..1d46eb81ff6
Binary files /dev/null and b/src/captcha/captchas/VAERS/15B2c5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/16042f.jpeg b/src/captcha/captchas/VAERS/16042f.jpeg
new file mode 100644
index 00000000000..2117461114c
Binary files /dev/null and b/src/captcha/captchas/VAERS/16042f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1624Dd.jpeg b/src/captcha/captchas/VAERS/1624Dd.jpeg
new file mode 100644
index 00000000000..88d85611c24
Binary files /dev/null and b/src/captcha/captchas/VAERS/1624Dd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1687dF.jpeg b/src/captcha/captchas/VAERS/1687dF.jpeg
new file mode 100644
index 00000000000..4d2c6be0b8e
Binary files /dev/null and b/src/captcha/captchas/VAERS/1687dF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/16E867.jpeg b/src/captcha/captchas/VAERS/16E867.jpeg
new file mode 100644
index 00000000000..9271e09c24a
Binary files /dev/null and b/src/captcha/captchas/VAERS/16E867.jpeg differ
diff --git a/src/captcha/captchas/VAERS/170Af9.jpeg b/src/captcha/captchas/VAERS/170Af9.jpeg
new file mode 100644
index 00000000000..4895dd5ed18
Binary files /dev/null and b/src/captcha/captchas/VAERS/170Af9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/170b0f.jpeg b/src/captcha/captchas/VAERS/170b0f.jpeg
new file mode 100644
index 00000000000..14336c6c04e
Binary files /dev/null and b/src/captcha/captchas/VAERS/170b0f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/171465.jpeg b/src/captcha/captchas/VAERS/171465.jpeg
new file mode 100644
index 00000000000..b0865030123
Binary files /dev/null and b/src/captcha/captchas/VAERS/171465.jpeg differ
diff --git a/src/captcha/captchas/VAERS/172166.jpeg b/src/captcha/captchas/VAERS/172166.jpeg
new file mode 100644
index 00000000000..6742c4841cc
Binary files /dev/null and b/src/captcha/captchas/VAERS/172166.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1766Ce.jpeg b/src/captcha/captchas/VAERS/1766Ce.jpeg
new file mode 100644
index 00000000000..2cfd58b8da0
Binary files /dev/null and b/src/captcha/captchas/VAERS/1766Ce.jpeg differ
diff --git a/src/captcha/captchas/VAERS/17Ae6a.jpeg b/src/captcha/captchas/VAERS/17Ae6a.jpeg
new file mode 100644
index 00000000000..802ac4fabc1
Binary files /dev/null and b/src/captcha/captchas/VAERS/17Ae6a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/17B5e1.jpeg b/src/captcha/captchas/VAERS/17B5e1.jpeg
new file mode 100644
index 00000000000..ea431cc624a
Binary files /dev/null and b/src/captcha/captchas/VAERS/17B5e1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/18328E.jpeg b/src/captcha/captchas/VAERS/18328E.jpeg
new file mode 100644
index 00000000000..ad290a8ca49
Binary files /dev/null and b/src/captcha/captchas/VAERS/18328E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/184c7a.jpeg b/src/captcha/captchas/VAERS/184c7a.jpeg
new file mode 100644
index 00000000000..6ce5ee06f38
Binary files /dev/null and b/src/captcha/captchas/VAERS/184c7a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1874d6.jpeg b/src/captcha/captchas/VAERS/1874d6.jpeg
new file mode 100644
index 00000000000..144ba4be258
Binary files /dev/null and b/src/captcha/captchas/VAERS/1874d6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/18B171.jpeg b/src/captcha/captchas/VAERS/18B171.jpeg
new file mode 100644
index 00000000000..d9dab1bb648
Binary files /dev/null and b/src/captcha/captchas/VAERS/18B171.jpeg differ
diff --git a/src/captcha/captchas/VAERS/18F64a.jpeg b/src/captcha/captchas/VAERS/18F64a.jpeg
new file mode 100644
index 00000000000..77f0a24a0b3
Binary files /dev/null and b/src/captcha/captchas/VAERS/18F64a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/18ca35.jpeg b/src/captcha/captchas/VAERS/18ca35.jpeg
new file mode 100644
index 00000000000..9a199455252
Binary files /dev/null and b/src/captcha/captchas/VAERS/18ca35.jpeg differ
diff --git a/src/captcha/captchas/VAERS/192e93.jpeg b/src/captcha/captchas/VAERS/192e93.jpeg
new file mode 100644
index 00000000000..1a39841e76a
Binary files /dev/null and b/src/captcha/captchas/VAERS/192e93.jpeg differ
diff --git a/src/captcha/captchas/VAERS/195092.jpeg b/src/captcha/captchas/VAERS/195092.jpeg
new file mode 100644
index 00000000000..1dd32720b80
Binary files /dev/null and b/src/captcha/captchas/VAERS/195092.jpeg differ
diff --git a/src/captcha/captchas/VAERS/19713A.jpeg b/src/captcha/captchas/VAERS/19713A.jpeg
new file mode 100644
index 00000000000..906b5de90e5
Binary files /dev/null and b/src/captcha/captchas/VAERS/19713A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/197814.jpeg b/src/captcha/captchas/VAERS/197814.jpeg
new file mode 100644
index 00000000000..a44bc662e28
Binary files /dev/null and b/src/captcha/captchas/VAERS/197814.jpeg differ
diff --git a/src/captcha/captchas/VAERS/198130.jpeg b/src/captcha/captchas/VAERS/198130.jpeg
new file mode 100644
index 00000000000..a237a737748
Binary files /dev/null and b/src/captcha/captchas/VAERS/198130.jpeg differ
diff --git a/src/captcha/captchas/VAERS/19BAb9.jpeg b/src/captcha/captchas/VAERS/19BAb9.jpeg
new file mode 100644
index 00000000000..8c0a3a55993
Binary files /dev/null and b/src/captcha/captchas/VAERS/19BAb9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/19b687.jpeg b/src/captcha/captchas/VAERS/19b687.jpeg
new file mode 100644
index 00000000000..caf73b76e55
Binary files /dev/null and b/src/captcha/captchas/VAERS/19b687.jpeg differ
diff --git a/src/captcha/captchas/VAERS/19ec2D.jpeg b/src/captcha/captchas/VAERS/19ec2D.jpeg
new file mode 100644
index 00000000000..a8af18181c7
Binary files /dev/null and b/src/captcha/captchas/VAERS/19ec2D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/19f61D.jpeg b/src/captcha/captchas/VAERS/19f61D.jpeg
new file mode 100644
index 00000000000..26fb38e15a3
Binary files /dev/null and b/src/captcha/captchas/VAERS/19f61D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1Ad47a.jpeg b/src/captcha/captchas/VAERS/1Ad47a.jpeg
new file mode 100644
index 00000000000..b47aa809b57
Binary files /dev/null and b/src/captcha/captchas/VAERS/1Ad47a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1BcCed.jpeg b/src/captcha/captchas/VAERS/1BcCed.jpeg
new file mode 100644
index 00000000000..75aece50a51
Binary files /dev/null and b/src/captcha/captchas/VAERS/1BcCed.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1CF389.jpeg b/src/captcha/captchas/VAERS/1CF389.jpeg
new file mode 100644
index 00000000000..79ab7a87c04
Binary files /dev/null and b/src/captcha/captchas/VAERS/1CF389.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1D3011.jpeg b/src/captcha/captchas/VAERS/1D3011.jpeg
new file mode 100644
index 00000000000..3c94ce61d37
Binary files /dev/null and b/src/captcha/captchas/VAERS/1D3011.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1DC996.jpeg b/src/captcha/captchas/VAERS/1DC996.jpeg
new file mode 100644
index 00000000000..0204ffae864
Binary files /dev/null and b/src/captcha/captchas/VAERS/1DC996.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1E94d1.jpeg b/src/captcha/captchas/VAERS/1E94d1.jpeg
new file mode 100644
index 00000000000..abfff5e24d9
Binary files /dev/null and b/src/captcha/captchas/VAERS/1E94d1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1FF5a4.jpeg b/src/captcha/captchas/VAERS/1FF5a4.jpeg
new file mode 100644
index 00000000000..41703b2a846
Binary files /dev/null and b/src/captcha/captchas/VAERS/1FF5a4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1Fa47E.jpeg b/src/captcha/captchas/VAERS/1Fa47E.jpeg
new file mode 100644
index 00000000000..ed3035f1ad4
Binary files /dev/null and b/src/captcha/captchas/VAERS/1Fa47E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1b3DBE.jpeg b/src/captcha/captchas/VAERS/1b3DBE.jpeg
new file mode 100644
index 00000000000..3ac29f56ab7
Binary files /dev/null and b/src/captcha/captchas/VAERS/1b3DBE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1b56Cb.jpeg b/src/captcha/captchas/VAERS/1b56Cb.jpeg
new file mode 100644
index 00000000000..7668575bacf
Binary files /dev/null and b/src/captcha/captchas/VAERS/1b56Cb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1c13C5.jpeg b/src/captcha/captchas/VAERS/1c13C5.jpeg
new file mode 100644
index 00000000000..23966de2902
Binary files /dev/null and b/src/captcha/captchas/VAERS/1c13C5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1c21F8.jpeg b/src/captcha/captchas/VAERS/1c21F8.jpeg
new file mode 100644
index 00000000000..10868aca8bb
Binary files /dev/null and b/src/captcha/captchas/VAERS/1c21F8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1c7761.jpeg b/src/captcha/captchas/VAERS/1c7761.jpeg
new file mode 100644
index 00000000000..c3676ef52e1
Binary files /dev/null and b/src/captcha/captchas/VAERS/1c7761.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1c9a87.jpeg b/src/captcha/captchas/VAERS/1c9a87.jpeg
new file mode 100644
index 00000000000..8e49a6a638f
Binary files /dev/null and b/src/captcha/captchas/VAERS/1c9a87.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1d6281.jpeg b/src/captcha/captchas/VAERS/1d6281.jpeg
new file mode 100644
index 00000000000..1f4a9838d88
Binary files /dev/null and b/src/captcha/captchas/VAERS/1d6281.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1d6732.jpeg b/src/captcha/captchas/VAERS/1d6732.jpeg
new file mode 100644
index 00000000000..52fa502d7d7
Binary files /dev/null and b/src/captcha/captchas/VAERS/1d6732.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1dA2DF.jpeg b/src/captcha/captchas/VAERS/1dA2DF.jpeg
new file mode 100644
index 00000000000..f725491a5e9
Binary files /dev/null and b/src/captcha/captchas/VAERS/1dA2DF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1dc1c1.jpeg b/src/captcha/captchas/VAERS/1dc1c1.jpeg
new file mode 100644
index 00000000000..99fc2372dc5
Binary files /dev/null and b/src/captcha/captchas/VAERS/1dc1c1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1dc917.jpeg b/src/captcha/captchas/VAERS/1dc917.jpeg
new file mode 100644
index 00000000000..2e11e8c9481
Binary files /dev/null and b/src/captcha/captchas/VAERS/1dc917.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1eCA0D.jpeg b/src/captcha/captchas/VAERS/1eCA0D.jpeg
new file mode 100644
index 00000000000..976664fbb21
Binary files /dev/null and b/src/captcha/captchas/VAERS/1eCA0D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1ed720.jpeg b/src/captcha/captchas/VAERS/1ed720.jpeg
new file mode 100644
index 00000000000..3314e579f03
Binary files /dev/null and b/src/captcha/captchas/VAERS/1ed720.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1edd4f.jpeg b/src/captcha/captchas/VAERS/1edd4f.jpeg
new file mode 100644
index 00000000000..6e4d63ca3d7
Binary files /dev/null and b/src/captcha/captchas/VAERS/1edd4f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/1fB180.jpeg b/src/captcha/captchas/VAERS/1fB180.jpeg
new file mode 100644
index 00000000000..eec00c10889
Binary files /dev/null and b/src/captcha/captchas/VAERS/1fB180.jpeg differ
diff --git a/src/captcha/captchas/VAERS/202d8A.jpeg b/src/captcha/captchas/VAERS/202d8A.jpeg
new file mode 100644
index 00000000000..723c3777d7f
Binary files /dev/null and b/src/captcha/captchas/VAERS/202d8A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2049D0.jpeg b/src/captcha/captchas/VAERS/2049D0.jpeg
new file mode 100644
index 00000000000..ddce4c88377
Binary files /dev/null and b/src/captcha/captchas/VAERS/2049D0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/20822C.jpeg b/src/captcha/captchas/VAERS/20822C.jpeg
new file mode 100644
index 00000000000..ac76749b5ff
Binary files /dev/null and b/src/captcha/captchas/VAERS/20822C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/20Ba2c.jpeg b/src/captcha/captchas/VAERS/20Ba2c.jpeg
new file mode 100644
index 00000000000..c6043c3ce13
Binary files /dev/null and b/src/captcha/captchas/VAERS/20Ba2c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/20FBE1.jpeg b/src/captcha/captchas/VAERS/20FBE1.jpeg
new file mode 100644
index 00000000000..5bcb4bb9fa8
Binary files /dev/null and b/src/captcha/captchas/VAERS/20FBE1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/20a20B.jpeg b/src/captcha/captchas/VAERS/20a20B.jpeg
new file mode 100644
index 00000000000..0e902236a53
Binary files /dev/null and b/src/captcha/captchas/VAERS/20a20B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/20e9a5.jpeg b/src/captcha/captchas/VAERS/20e9a5.jpeg
new file mode 100644
index 00000000000..09e03418710
Binary files /dev/null and b/src/captcha/captchas/VAERS/20e9a5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/211c7b.jpeg b/src/captcha/captchas/VAERS/211c7b.jpeg
new file mode 100644
index 00000000000..6ba280ed55a
Binary files /dev/null and b/src/captcha/captchas/VAERS/211c7b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/21486A.jpeg b/src/captcha/captchas/VAERS/21486A.jpeg
new file mode 100644
index 00000000000..99dd0ec0c87
Binary files /dev/null and b/src/captcha/captchas/VAERS/21486A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/217C29.jpeg b/src/captcha/captchas/VAERS/217C29.jpeg
new file mode 100644
index 00000000000..e2be6f8ec8d
Binary files /dev/null and b/src/captcha/captchas/VAERS/217C29.jpeg differ
diff --git a/src/captcha/captchas/VAERS/21844B.jpeg b/src/captcha/captchas/VAERS/21844B.jpeg
new file mode 100644
index 00000000000..b5365bab410
Binary files /dev/null and b/src/captcha/captchas/VAERS/21844B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/21DE93.jpeg b/src/captcha/captchas/VAERS/21DE93.jpeg
new file mode 100644
index 00000000000..4540050b12e
Binary files /dev/null and b/src/captcha/captchas/VAERS/21DE93.jpeg differ
diff --git a/src/captcha/captchas/VAERS/21a93e.jpeg b/src/captcha/captchas/VAERS/21a93e.jpeg
new file mode 100644
index 00000000000..595b2243964
Binary files /dev/null and b/src/captcha/captchas/VAERS/21a93e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2230C8.jpeg b/src/captcha/captchas/VAERS/2230C8.jpeg
new file mode 100644
index 00000000000..ce7db5a5dd4
Binary files /dev/null and b/src/captcha/captchas/VAERS/2230C8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2254F9.jpeg b/src/captcha/captchas/VAERS/2254F9.jpeg
new file mode 100644
index 00000000000..40118b563c1
Binary files /dev/null and b/src/captcha/captchas/VAERS/2254F9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/227931.jpeg b/src/captcha/captchas/VAERS/227931.jpeg
new file mode 100644
index 00000000000..741fb72fdfe
Binary files /dev/null and b/src/captcha/captchas/VAERS/227931.jpeg differ
diff --git a/src/captcha/captchas/VAERS/22d18a.jpeg b/src/captcha/captchas/VAERS/22d18a.jpeg
new file mode 100644
index 00000000000..8ddacf1cd19
Binary files /dev/null and b/src/captcha/captchas/VAERS/22d18a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/23500d.jpeg b/src/captcha/captchas/VAERS/23500d.jpeg
new file mode 100644
index 00000000000..e06f0c2d1d2
Binary files /dev/null and b/src/captcha/captchas/VAERS/23500d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/237b1b.jpeg b/src/captcha/captchas/VAERS/237b1b.jpeg
new file mode 100644
index 00000000000..a86346c8926
Binary files /dev/null and b/src/captcha/captchas/VAERS/237b1b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/238BAA.jpeg b/src/captcha/captchas/VAERS/238BAA.jpeg
new file mode 100644
index 00000000000..699a40efbc9
Binary files /dev/null and b/src/captcha/captchas/VAERS/238BAA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/241d47.jpeg b/src/captcha/captchas/VAERS/241d47.jpeg
new file mode 100644
index 00000000000..c2a63999a72
Binary files /dev/null and b/src/captcha/captchas/VAERS/241d47.jpeg differ
diff --git a/src/captcha/captchas/VAERS/242ECb.jpeg b/src/captcha/captchas/VAERS/242ECb.jpeg
new file mode 100644
index 00000000000..577fb2e4f7a
Binary files /dev/null and b/src/captcha/captchas/VAERS/242ECb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/249154.jpeg b/src/captcha/captchas/VAERS/249154.jpeg
new file mode 100644
index 00000000000..f7688a9b45c
Binary files /dev/null and b/src/captcha/captchas/VAERS/249154.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2492a8.jpeg b/src/captcha/captchas/VAERS/2492a8.jpeg
new file mode 100644
index 00000000000..9955b337ca6
Binary files /dev/null and b/src/captcha/captchas/VAERS/2492a8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/24A52f.jpeg b/src/captcha/captchas/VAERS/24A52f.jpeg
new file mode 100644
index 00000000000..9378e21ce65
Binary files /dev/null and b/src/captcha/captchas/VAERS/24A52f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/24c4e2.jpeg b/src/captcha/captchas/VAERS/24c4e2.jpeg
new file mode 100644
index 00000000000..939af5f9c9a
Binary files /dev/null and b/src/captcha/captchas/VAERS/24c4e2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/253450.jpeg b/src/captcha/captchas/VAERS/253450.jpeg
new file mode 100644
index 00000000000..213c9151949
Binary files /dev/null and b/src/captcha/captchas/VAERS/253450.jpeg differ
diff --git a/src/captcha/captchas/VAERS/266e92.jpeg b/src/captcha/captchas/VAERS/266e92.jpeg
new file mode 100644
index 00000000000..7651172772f
Binary files /dev/null and b/src/captcha/captchas/VAERS/266e92.jpeg differ
diff --git a/src/captcha/captchas/VAERS/275c80.jpeg b/src/captcha/captchas/VAERS/275c80.jpeg
new file mode 100644
index 00000000000..fc0645a8fac
Binary files /dev/null and b/src/captcha/captchas/VAERS/275c80.jpeg differ
diff --git a/src/captcha/captchas/VAERS/277e72.jpeg b/src/captcha/captchas/VAERS/277e72.jpeg
new file mode 100644
index 00000000000..d84761d9e33
Binary files /dev/null and b/src/captcha/captchas/VAERS/277e72.jpeg differ
diff --git a/src/captcha/captchas/VAERS/279084.jpeg b/src/captcha/captchas/VAERS/279084.jpeg
new file mode 100644
index 00000000000..695602e1b6e
Binary files /dev/null and b/src/captcha/captchas/VAERS/279084.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2799BA.jpeg b/src/captcha/captchas/VAERS/2799BA.jpeg
new file mode 100644
index 00000000000..88b8877512c
Binary files /dev/null and b/src/captcha/captchas/VAERS/2799BA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/27F0a7.jpeg b/src/captcha/captchas/VAERS/27F0a7.jpeg
new file mode 100644
index 00000000000..dd9a372b015
Binary files /dev/null and b/src/captcha/captchas/VAERS/27F0a7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2817A0.jpeg b/src/captcha/captchas/VAERS/2817A0.jpeg
new file mode 100644
index 00000000000..8dedab0ff34
Binary files /dev/null and b/src/captcha/captchas/VAERS/2817A0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/283276.jpeg b/src/captcha/captchas/VAERS/283276.jpeg
new file mode 100644
index 00000000000..73535070f8b
Binary files /dev/null and b/src/captcha/captchas/VAERS/283276.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2926ad.jpeg b/src/captcha/captchas/VAERS/2926ad.jpeg
new file mode 100644
index 00000000000..4d55a18c5f3
Binary files /dev/null and b/src/captcha/captchas/VAERS/2926ad.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2994e8.jpeg b/src/captcha/captchas/VAERS/2994e8.jpeg
new file mode 100644
index 00000000000..9eb01545577
Binary files /dev/null and b/src/captcha/captchas/VAERS/2994e8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/29F750.jpeg b/src/captcha/captchas/VAERS/29F750.jpeg
new file mode 100644
index 00000000000..3ee29fb07fb
Binary files /dev/null and b/src/captcha/captchas/VAERS/29F750.jpeg differ
diff --git a/src/captcha/captchas/VAERS/29fC93.jpeg b/src/captcha/captchas/VAERS/29fC93.jpeg
new file mode 100644
index 00000000000..2b4455051e3
Binary files /dev/null and b/src/captcha/captchas/VAERS/29fC93.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2A4DeC.jpeg b/src/captcha/captchas/VAERS/2A4DeC.jpeg
new file mode 100644
index 00000000000..a4328c9cd8b
Binary files /dev/null and b/src/captcha/captchas/VAERS/2A4DeC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2B26B8.jpeg b/src/captcha/captchas/VAERS/2B26B8.jpeg
new file mode 100644
index 00000000000..073a4b27eb6
Binary files /dev/null and b/src/captcha/captchas/VAERS/2B26B8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2Bbc35.jpeg b/src/captcha/captchas/VAERS/2Bbc35.jpeg
new file mode 100644
index 00000000000..ffb9672f26e
Binary files /dev/null and b/src/captcha/captchas/VAERS/2Bbc35.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2C5309.jpeg b/src/captcha/captchas/VAERS/2C5309.jpeg
new file mode 100644
index 00000000000..fd540c9dd24
Binary files /dev/null and b/src/captcha/captchas/VAERS/2C5309.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2CD30a.jpeg b/src/captcha/captchas/VAERS/2CD30a.jpeg
new file mode 100644
index 00000000000..2fecf1950b9
Binary files /dev/null and b/src/captcha/captchas/VAERS/2CD30a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2D8F63.jpeg b/src/captcha/captchas/VAERS/2D8F63.jpeg
new file mode 100644
index 00000000000..e0dbc89e363
Binary files /dev/null and b/src/captcha/captchas/VAERS/2D8F63.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2E5240.jpeg b/src/captcha/captchas/VAERS/2E5240.jpeg
new file mode 100644
index 00000000000..775cb22bef1
Binary files /dev/null and b/src/captcha/captchas/VAERS/2E5240.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2EDCCF.jpeg b/src/captcha/captchas/VAERS/2EDCCF.jpeg
new file mode 100644
index 00000000000..b172838fcd9
Binary files /dev/null and b/src/captcha/captchas/VAERS/2EDCCF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2Fa014.jpeg b/src/captcha/captchas/VAERS/2Fa014.jpeg
new file mode 100644
index 00000000000..da450060089
Binary files /dev/null and b/src/captcha/captchas/VAERS/2Fa014.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2FcE12.jpeg b/src/captcha/captchas/VAERS/2FcE12.jpeg
new file mode 100644
index 00000000000..9a0eecd9856
Binary files /dev/null and b/src/captcha/captchas/VAERS/2FcE12.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2a38a2.jpeg b/src/captcha/captchas/VAERS/2a38a2.jpeg
new file mode 100644
index 00000000000..13c1a2e997b
Binary files /dev/null and b/src/captcha/captchas/VAERS/2a38a2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2aDf9f.jpeg b/src/captcha/captchas/VAERS/2aDf9f.jpeg
new file mode 100644
index 00000000000..1653e2a27bc
Binary files /dev/null and b/src/captcha/captchas/VAERS/2aDf9f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2aa473.jpeg b/src/captcha/captchas/VAERS/2aa473.jpeg
new file mode 100644
index 00000000000..a4bff6f0831
Binary files /dev/null and b/src/captcha/captchas/VAERS/2aa473.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2aafEd.jpeg b/src/captcha/captchas/VAERS/2aafEd.jpeg
new file mode 100644
index 00000000000..eb972fb42bd
Binary files /dev/null and b/src/captcha/captchas/VAERS/2aafEd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2af384.jpeg b/src/captcha/captchas/VAERS/2af384.jpeg
new file mode 100644
index 00000000000..d9914035783
Binary files /dev/null and b/src/captcha/captchas/VAERS/2af384.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2b45fA.jpeg b/src/captcha/captchas/VAERS/2b45fA.jpeg
new file mode 100644
index 00000000000..60527c5a492
Binary files /dev/null and b/src/captcha/captchas/VAERS/2b45fA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2b5EaA.jpeg b/src/captcha/captchas/VAERS/2b5EaA.jpeg
new file mode 100644
index 00000000000..d465e458370
Binary files /dev/null and b/src/captcha/captchas/VAERS/2b5EaA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2c099a.jpeg b/src/captcha/captchas/VAERS/2c099a.jpeg
new file mode 100644
index 00000000000..60773829027
Binary files /dev/null and b/src/captcha/captchas/VAERS/2c099a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2e30E4.jpeg b/src/captcha/captchas/VAERS/2e30E4.jpeg
new file mode 100644
index 00000000000..f8ef518abe8
Binary files /dev/null and b/src/captcha/captchas/VAERS/2e30E4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/2f29ef.jpeg b/src/captcha/captchas/VAERS/2f29ef.jpeg
new file mode 100644
index 00000000000..0d85b69c94c
Binary files /dev/null and b/src/captcha/captchas/VAERS/2f29ef.jpeg differ
diff --git a/src/captcha/captchas/VAERS/301050.jpeg b/src/captcha/captchas/VAERS/301050.jpeg
new file mode 100644
index 00000000000..19799590bf9
Binary files /dev/null and b/src/captcha/captchas/VAERS/301050.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3029CC.jpeg b/src/captcha/captchas/VAERS/3029CC.jpeg
new file mode 100644
index 00000000000..7e2ebd6f1ec
Binary files /dev/null and b/src/captcha/captchas/VAERS/3029CC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/304e25.jpeg b/src/captcha/captchas/VAERS/304e25.jpeg
new file mode 100644
index 00000000000..912bc0a3c05
Binary files /dev/null and b/src/captcha/captchas/VAERS/304e25.jpeg differ
diff --git a/src/captcha/captchas/VAERS/30ab11.jpeg b/src/captcha/captchas/VAERS/30ab11.jpeg
new file mode 100644
index 00000000000..be2dbb17f04
Binary files /dev/null and b/src/captcha/captchas/VAERS/30ab11.jpeg differ
diff --git a/src/captcha/captchas/VAERS/30b0E7.jpeg b/src/captcha/captchas/VAERS/30b0E7.jpeg
new file mode 100644
index 00000000000..b3d3cf5f207
Binary files /dev/null and b/src/captcha/captchas/VAERS/30b0E7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/31276E.jpeg b/src/captcha/captchas/VAERS/31276E.jpeg
new file mode 100644
index 00000000000..056e6b3ba3c
Binary files /dev/null and b/src/captcha/captchas/VAERS/31276E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/31A371.jpeg b/src/captcha/captchas/VAERS/31A371.jpeg
new file mode 100644
index 00000000000..c359d28f928
Binary files /dev/null and b/src/captcha/captchas/VAERS/31A371.jpeg differ
diff --git a/src/captcha/captchas/VAERS/31D699.jpeg b/src/captcha/captchas/VAERS/31D699.jpeg
new file mode 100644
index 00000000000..3e45ee97ba2
Binary files /dev/null and b/src/captcha/captchas/VAERS/31D699.jpeg differ
diff --git a/src/captcha/captchas/VAERS/31efE3.jpeg b/src/captcha/captchas/VAERS/31efE3.jpeg
new file mode 100644
index 00000000000..e82c821dce2
Binary files /dev/null and b/src/captcha/captchas/VAERS/31efE3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/322F73.jpeg b/src/captcha/captchas/VAERS/322F73.jpeg
new file mode 100644
index 00000000000..796789a6de6
Binary files /dev/null and b/src/captcha/captchas/VAERS/322F73.jpeg differ
diff --git a/src/captcha/captchas/VAERS/325034.jpeg b/src/captcha/captchas/VAERS/325034.jpeg
new file mode 100644
index 00000000000..93f3b60a2ae
Binary files /dev/null and b/src/captcha/captchas/VAERS/325034.jpeg differ
diff --git a/src/captcha/captchas/VAERS/32BABA.jpeg b/src/captcha/captchas/VAERS/32BABA.jpeg
new file mode 100644
index 00000000000..da041af7772
Binary files /dev/null and b/src/captcha/captchas/VAERS/32BABA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/32aCd2.jpeg b/src/captcha/captchas/VAERS/32aCd2.jpeg
new file mode 100644
index 00000000000..93ecdb1e83d
Binary files /dev/null and b/src/captcha/captchas/VAERS/32aCd2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/32e174.jpeg b/src/captcha/captchas/VAERS/32e174.jpeg
new file mode 100644
index 00000000000..5d832a7deeb
Binary files /dev/null and b/src/captcha/captchas/VAERS/32e174.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3337cc.jpeg b/src/captcha/captchas/VAERS/3337cc.jpeg
new file mode 100644
index 00000000000..f661a7d6217
Binary files /dev/null and b/src/captcha/captchas/VAERS/3337cc.jpeg differ
diff --git a/src/captcha/captchas/VAERS/339C10.jpeg b/src/captcha/captchas/VAERS/339C10.jpeg
new file mode 100644
index 00000000000..83fbda33275
Binary files /dev/null and b/src/captcha/captchas/VAERS/339C10.jpeg differ
diff --git a/src/captcha/captchas/VAERS/33F78d.jpeg b/src/captcha/captchas/VAERS/33F78d.jpeg
new file mode 100644
index 00000000000..2a1fec35562
Binary files /dev/null and b/src/captcha/captchas/VAERS/33F78d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3447Ea.jpeg b/src/captcha/captchas/VAERS/3447Ea.jpeg
new file mode 100644
index 00000000000..42478cf2ebe
Binary files /dev/null and b/src/captcha/captchas/VAERS/3447Ea.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3460EC.jpeg b/src/captcha/captchas/VAERS/3460EC.jpeg
new file mode 100644
index 00000000000..3300a7fde69
Binary files /dev/null and b/src/captcha/captchas/VAERS/3460EC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3462fF.jpeg b/src/captcha/captchas/VAERS/3462fF.jpeg
new file mode 100644
index 00000000000..96eac0b0647
Binary files /dev/null and b/src/captcha/captchas/VAERS/3462fF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/347036.jpeg b/src/captcha/captchas/VAERS/347036.jpeg
new file mode 100644
index 00000000000..52850193e08
Binary files /dev/null and b/src/captcha/captchas/VAERS/347036.jpeg differ
diff --git a/src/captcha/captchas/VAERS/34Ce5C.jpeg b/src/captcha/captchas/VAERS/34Ce5C.jpeg
new file mode 100644
index 00000000000..d4b36d2b36c
Binary files /dev/null and b/src/captcha/captchas/VAERS/34Ce5C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/34EDa9.jpeg b/src/captcha/captchas/VAERS/34EDa9.jpeg
new file mode 100644
index 00000000000..0f92d0458e2
Binary files /dev/null and b/src/captcha/captchas/VAERS/34EDa9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/351F6E.jpeg b/src/captcha/captchas/VAERS/351F6E.jpeg
new file mode 100644
index 00000000000..e327bf1be46
Binary files /dev/null and b/src/captcha/captchas/VAERS/351F6E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/355aA9.jpeg b/src/captcha/captchas/VAERS/355aA9.jpeg
new file mode 100644
index 00000000000..e5f5e354430
Binary files /dev/null and b/src/captcha/captchas/VAERS/355aA9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/358D3a.jpeg b/src/captcha/captchas/VAERS/358D3a.jpeg
new file mode 100644
index 00000000000..492137c6878
Binary files /dev/null and b/src/captcha/captchas/VAERS/358D3a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/35a2A3.jpeg b/src/captcha/captchas/VAERS/35a2A3.jpeg
new file mode 100644
index 00000000000..d3a11e692d5
Binary files /dev/null and b/src/captcha/captchas/VAERS/35a2A3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3606e9.jpeg b/src/captcha/captchas/VAERS/3606e9.jpeg
new file mode 100644
index 00000000000..0cc8e55a6ad
Binary files /dev/null and b/src/captcha/captchas/VAERS/3606e9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/365091.jpeg b/src/captcha/captchas/VAERS/365091.jpeg
new file mode 100644
index 00000000000..3078afe83bb
Binary files /dev/null and b/src/captcha/captchas/VAERS/365091.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3699dD.jpeg b/src/captcha/captchas/VAERS/3699dD.jpeg
new file mode 100644
index 00000000000..c5383b6bd87
Binary files /dev/null and b/src/captcha/captchas/VAERS/3699dD.jpeg differ
diff --git a/src/captcha/captchas/VAERS/36C1a4.jpeg b/src/captcha/captchas/VAERS/36C1a4.jpeg
new file mode 100644
index 00000000000..42195975b76
Binary files /dev/null and b/src/captcha/captchas/VAERS/36C1a4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/36a69b.jpeg b/src/captcha/captchas/VAERS/36a69b.jpeg
new file mode 100644
index 00000000000..bdc1eed16d4
Binary files /dev/null and b/src/captcha/captchas/VAERS/36a69b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3721aF.jpeg b/src/captcha/captchas/VAERS/3721aF.jpeg
new file mode 100644
index 00000000000..06029c3a88b
Binary files /dev/null and b/src/captcha/captchas/VAERS/3721aF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3730Dd.jpeg b/src/captcha/captchas/VAERS/3730Dd.jpeg
new file mode 100644
index 00000000000..5304f7f1f9f
Binary files /dev/null and b/src/captcha/captchas/VAERS/3730Dd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/374759.jpeg b/src/captcha/captchas/VAERS/374759.jpeg
new file mode 100644
index 00000000000..b2fd25f852e
Binary files /dev/null and b/src/captcha/captchas/VAERS/374759.jpeg differ
diff --git a/src/captcha/captchas/VAERS/376831.jpeg b/src/captcha/captchas/VAERS/376831.jpeg
new file mode 100644
index 00000000000..4d03d1755a1
Binary files /dev/null and b/src/captcha/captchas/VAERS/376831.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3777AA.jpeg b/src/captcha/captchas/VAERS/3777AA.jpeg
new file mode 100644
index 00000000000..b7b3c9a1cc1
Binary files /dev/null and b/src/captcha/captchas/VAERS/3777AA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/377BD3.jpeg b/src/captcha/captchas/VAERS/377BD3.jpeg
new file mode 100644
index 00000000000..05983585bee
Binary files /dev/null and b/src/captcha/captchas/VAERS/377BD3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/379A20.jpeg b/src/captcha/captchas/VAERS/379A20.jpeg
new file mode 100644
index 00000000000..b9d23ef5976
Binary files /dev/null and b/src/captcha/captchas/VAERS/379A20.jpeg differ
diff --git a/src/captcha/captchas/VAERS/37B8Eb.jpeg b/src/captcha/captchas/VAERS/37B8Eb.jpeg
new file mode 100644
index 00000000000..5c606c4dfa3
Binary files /dev/null and b/src/captcha/captchas/VAERS/37B8Eb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/37e6Ab.jpeg b/src/captcha/captchas/VAERS/37e6Ab.jpeg
new file mode 100644
index 00000000000..19dd6d5096c
Binary files /dev/null and b/src/captcha/captchas/VAERS/37e6Ab.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3862b2.jpeg b/src/captcha/captchas/VAERS/3862b2.jpeg
new file mode 100644
index 00000000000..f33a3c0d2a3
Binary files /dev/null and b/src/captcha/captchas/VAERS/3862b2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/388b07.jpeg b/src/captcha/captchas/VAERS/388b07.jpeg
new file mode 100644
index 00000000000..9a2eac945de
Binary files /dev/null and b/src/captcha/captchas/VAERS/388b07.jpeg differ
diff --git a/src/captcha/captchas/VAERS/389a98.jpeg b/src/captcha/captchas/VAERS/389a98.jpeg
new file mode 100644
index 00000000000..348554ba1ac
Binary files /dev/null and b/src/captcha/captchas/VAERS/389a98.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3937E9.jpeg b/src/captcha/captchas/VAERS/3937E9.jpeg
new file mode 100644
index 00000000000..e1e903eb411
Binary files /dev/null and b/src/captcha/captchas/VAERS/3937E9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/394D7A.jpeg b/src/captcha/captchas/VAERS/394D7A.jpeg
new file mode 100644
index 00000000000..2d04d4775d6
Binary files /dev/null and b/src/captcha/captchas/VAERS/394D7A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/396485.jpeg b/src/captcha/captchas/VAERS/396485.jpeg
new file mode 100644
index 00000000000..b1274bd3cd5
Binary files /dev/null and b/src/captcha/captchas/VAERS/396485.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3A8aB0.jpeg b/src/captcha/captchas/VAERS/3A8aB0.jpeg
new file mode 100644
index 00000000000..1c0c2c1bc15
Binary files /dev/null and b/src/captcha/captchas/VAERS/3A8aB0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3AeD14.jpeg b/src/captcha/captchas/VAERS/3AeD14.jpeg
new file mode 100644
index 00000000000..c85c3f9a571
Binary files /dev/null and b/src/captcha/captchas/VAERS/3AeD14.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3AeEBC.jpeg b/src/captcha/captchas/VAERS/3AeEBC.jpeg
new file mode 100644
index 00000000000..201f9901bb9
Binary files /dev/null and b/src/captcha/captchas/VAERS/3AeEBC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3Bd99e.jpeg b/src/captcha/captchas/VAERS/3Bd99e.jpeg
new file mode 100644
index 00000000000..d9d82aac2cf
Binary files /dev/null and b/src/captcha/captchas/VAERS/3Bd99e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3C18DC.jpeg b/src/captcha/captchas/VAERS/3C18DC.jpeg
new file mode 100644
index 00000000000..7300f4fe296
Binary files /dev/null and b/src/captcha/captchas/VAERS/3C18DC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3C25C4.jpeg b/src/captcha/captchas/VAERS/3C25C4.jpeg
new file mode 100644
index 00000000000..971e10290dd
Binary files /dev/null and b/src/captcha/captchas/VAERS/3C25C4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3CC85C.jpeg b/src/captcha/captchas/VAERS/3CC85C.jpeg
new file mode 100644
index 00000000000..5f343a7431b
Binary files /dev/null and b/src/captcha/captchas/VAERS/3CC85C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3D4d42.jpeg b/src/captcha/captchas/VAERS/3D4d42.jpeg
new file mode 100644
index 00000000000..007c769e62c
Binary files /dev/null and b/src/captcha/captchas/VAERS/3D4d42.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3D7ee0.jpeg b/src/captcha/captchas/VAERS/3D7ee0.jpeg
new file mode 100644
index 00000000000..a3f03f5a684
Binary files /dev/null and b/src/captcha/captchas/VAERS/3D7ee0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3E0e2c.jpeg b/src/captcha/captchas/VAERS/3E0e2c.jpeg
new file mode 100644
index 00000000000..ab12290ab12
Binary files /dev/null and b/src/captcha/captchas/VAERS/3E0e2c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3Ef3F6.jpeg b/src/captcha/captchas/VAERS/3Ef3F6.jpeg
new file mode 100644
index 00000000000..3827cb50c07
Binary files /dev/null and b/src/captcha/captchas/VAERS/3Ef3F6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3Ef6bA.jpeg b/src/captcha/captchas/VAERS/3Ef6bA.jpeg
new file mode 100644
index 00000000000..ea2b21adf53
Binary files /dev/null and b/src/captcha/captchas/VAERS/3Ef6bA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3F318D.jpeg b/src/captcha/captchas/VAERS/3F318D.jpeg
new file mode 100644
index 00000000000..a42eaa4f193
Binary files /dev/null and b/src/captcha/captchas/VAERS/3F318D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3F35cB.jpeg b/src/captcha/captchas/VAERS/3F35cB.jpeg
new file mode 100644
index 00000000000..46ebad881a5
Binary files /dev/null and b/src/captcha/captchas/VAERS/3F35cB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3a57FB.jpeg b/src/captcha/captchas/VAERS/3a57FB.jpeg
new file mode 100644
index 00000000000..f04b2505482
Binary files /dev/null and b/src/captcha/captchas/VAERS/3a57FB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3a8545.jpeg b/src/captcha/captchas/VAERS/3a8545.jpeg
new file mode 100644
index 00000000000..a09552b62be
Binary files /dev/null and b/src/captcha/captchas/VAERS/3a8545.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3ac3b3.jpeg b/src/captcha/captchas/VAERS/3ac3b3.jpeg
new file mode 100644
index 00000000000..4cc6f170f99
Binary files /dev/null and b/src/captcha/captchas/VAERS/3ac3b3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3b4074.jpeg b/src/captcha/captchas/VAERS/3b4074.jpeg
new file mode 100644
index 00000000000..0767adc1d22
Binary files /dev/null and b/src/captcha/captchas/VAERS/3b4074.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3bC1b4.jpeg b/src/captcha/captchas/VAERS/3bC1b4.jpeg
new file mode 100644
index 00000000000..c48d9e4882a
Binary files /dev/null and b/src/captcha/captchas/VAERS/3bC1b4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3c28A6.jpeg b/src/captcha/captchas/VAERS/3c28A6.jpeg
new file mode 100644
index 00000000000..d87d2713ad0
Binary files /dev/null and b/src/captcha/captchas/VAERS/3c28A6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3c6b85.jpeg b/src/captcha/captchas/VAERS/3c6b85.jpeg
new file mode 100644
index 00000000000..9fa9702d0db
Binary files /dev/null and b/src/captcha/captchas/VAERS/3c6b85.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3cD567.jpeg b/src/captcha/captchas/VAERS/3cD567.jpeg
new file mode 100644
index 00000000000..db3470e85df
Binary files /dev/null and b/src/captcha/captchas/VAERS/3cD567.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3ccD43.jpeg b/src/captcha/captchas/VAERS/3ccD43.jpeg
new file mode 100644
index 00000000000..e03b14a6bda
Binary files /dev/null and b/src/captcha/captchas/VAERS/3ccD43.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3d3D7a.jpeg b/src/captcha/captchas/VAERS/3d3D7a.jpeg
new file mode 100644
index 00000000000..3421c690a72
Binary files /dev/null and b/src/captcha/captchas/VAERS/3d3D7a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3eaf1C.jpeg b/src/captcha/captchas/VAERS/3eaf1C.jpeg
new file mode 100644
index 00000000000..5dd235e6be5
Binary files /dev/null and b/src/captcha/captchas/VAERS/3eaf1C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3eaf84.jpeg b/src/captcha/captchas/VAERS/3eaf84.jpeg
new file mode 100644
index 00000000000..1a7348bd775
Binary files /dev/null and b/src/captcha/captchas/VAERS/3eaf84.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3f7dEf.jpeg b/src/captcha/captchas/VAERS/3f7dEf.jpeg
new file mode 100644
index 00000000000..c7e0c1f8a2a
Binary files /dev/null and b/src/captcha/captchas/VAERS/3f7dEf.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3fc34e.jpeg b/src/captcha/captchas/VAERS/3fc34e.jpeg
new file mode 100644
index 00000000000..3bede81d50d
Binary files /dev/null and b/src/captcha/captchas/VAERS/3fc34e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/3fc890.jpeg b/src/captcha/captchas/VAERS/3fc890.jpeg
new file mode 100644
index 00000000000..16a1acf4e2c
Binary files /dev/null and b/src/captcha/captchas/VAERS/3fc890.jpeg differ
diff --git a/src/captcha/captchas/VAERS/400943.jpeg b/src/captcha/captchas/VAERS/400943.jpeg
new file mode 100644
index 00000000000..0e58b17d927
Binary files /dev/null and b/src/captcha/captchas/VAERS/400943.jpeg differ
diff --git a/src/captcha/captchas/VAERS/40198a.jpeg b/src/captcha/captchas/VAERS/40198a.jpeg
new file mode 100644
index 00000000000..eeb96930793
Binary files /dev/null and b/src/captcha/captchas/VAERS/40198a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/40a1B3.jpeg b/src/captcha/captchas/VAERS/40a1B3.jpeg
new file mode 100644
index 00000000000..521f38f48ac
Binary files /dev/null and b/src/captcha/captchas/VAERS/40a1B3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/414542.jpeg b/src/captcha/captchas/VAERS/414542.jpeg
new file mode 100644
index 00000000000..a21c799b9d0
Binary files /dev/null and b/src/captcha/captchas/VAERS/414542.jpeg differ
diff --git a/src/captcha/captchas/VAERS/427E3A.jpeg b/src/captcha/captchas/VAERS/427E3A.jpeg
new file mode 100644
index 00000000000..20343f8c9ef
Binary files /dev/null and b/src/captcha/captchas/VAERS/427E3A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/428921.jpeg b/src/captcha/captchas/VAERS/428921.jpeg
new file mode 100644
index 00000000000..d08582b375f
Binary files /dev/null and b/src/captcha/captchas/VAERS/428921.jpeg differ
diff --git a/src/captcha/captchas/VAERS/42DE0B.jpeg b/src/captcha/captchas/VAERS/42DE0B.jpeg
new file mode 100644
index 00000000000..360d6d2a180
Binary files /dev/null and b/src/captcha/captchas/VAERS/42DE0B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/42eA56.jpeg b/src/captcha/captchas/VAERS/42eA56.jpeg
new file mode 100644
index 00000000000..797ca2c909e
Binary files /dev/null and b/src/captcha/captchas/VAERS/42eA56.jpeg differ
diff --git a/src/captcha/captchas/VAERS/42eCd8.jpeg b/src/captcha/captchas/VAERS/42eCd8.jpeg
new file mode 100644
index 00000000000..764bd362cb5
Binary files /dev/null and b/src/captcha/captchas/VAERS/42eCd8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/432dad.jpeg b/src/captcha/captchas/VAERS/432dad.jpeg
new file mode 100644
index 00000000000..0136977f859
Binary files /dev/null and b/src/captcha/captchas/VAERS/432dad.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4371f2.jpeg b/src/captcha/captchas/VAERS/4371f2.jpeg
new file mode 100644
index 00000000000..911596e3683
Binary files /dev/null and b/src/captcha/captchas/VAERS/4371f2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/437Bcd.jpeg b/src/captcha/captchas/VAERS/437Bcd.jpeg
new file mode 100644
index 00000000000..8fd4141ad19
Binary files /dev/null and b/src/captcha/captchas/VAERS/437Bcd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/43A178.jpeg b/src/captcha/captchas/VAERS/43A178.jpeg
new file mode 100644
index 00000000000..bc56120f073
Binary files /dev/null and b/src/captcha/captchas/VAERS/43A178.jpeg differ
diff --git a/src/captcha/captchas/VAERS/43F671.jpeg b/src/captcha/captchas/VAERS/43F671.jpeg
new file mode 100644
index 00000000000..aa100939c80
Binary files /dev/null and b/src/captcha/captchas/VAERS/43F671.jpeg differ
diff --git a/src/captcha/captchas/VAERS/44294d.jpeg b/src/captcha/captchas/VAERS/44294d.jpeg
new file mode 100644
index 00000000000..24b00cd50ba
Binary files /dev/null and b/src/captcha/captchas/VAERS/44294d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/445Bb6.jpeg b/src/captcha/captchas/VAERS/445Bb6.jpeg
new file mode 100644
index 00000000000..eb6bdc2355b
Binary files /dev/null and b/src/captcha/captchas/VAERS/445Bb6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/448865.jpeg b/src/captcha/captchas/VAERS/448865.jpeg
new file mode 100644
index 00000000000..b2e3663c632
Binary files /dev/null and b/src/captcha/captchas/VAERS/448865.jpeg differ
diff --git a/src/captcha/captchas/VAERS/448FB7.jpeg b/src/captcha/captchas/VAERS/448FB7.jpeg
new file mode 100644
index 00000000000..206b1ad76a2
Binary files /dev/null and b/src/captcha/captchas/VAERS/448FB7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4508A6.jpeg b/src/captcha/captchas/VAERS/4508A6.jpeg
new file mode 100644
index 00000000000..798485668ec
Binary files /dev/null and b/src/captcha/captchas/VAERS/4508A6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4523be.jpeg b/src/captcha/captchas/VAERS/4523be.jpeg
new file mode 100644
index 00000000000..0f381db8685
Binary files /dev/null and b/src/captcha/captchas/VAERS/4523be.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4531f9.jpeg b/src/captcha/captchas/VAERS/4531f9.jpeg
new file mode 100644
index 00000000000..bfa8643e8ee
Binary files /dev/null and b/src/captcha/captchas/VAERS/4531f9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/454182.jpeg b/src/captcha/captchas/VAERS/454182.jpeg
new file mode 100644
index 00000000000..7bdc670386f
Binary files /dev/null and b/src/captcha/captchas/VAERS/454182.jpeg differ
diff --git a/src/captcha/captchas/VAERS/45506F.jpeg b/src/captcha/captchas/VAERS/45506F.jpeg
new file mode 100644
index 00000000000..64b8a4bebd4
Binary files /dev/null and b/src/captcha/captchas/VAERS/45506F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/455C63.jpeg b/src/captcha/captchas/VAERS/455C63.jpeg
new file mode 100644
index 00000000000..891f0698b85
Binary files /dev/null and b/src/captcha/captchas/VAERS/455C63.jpeg differ
diff --git a/src/captcha/captchas/VAERS/45CA51.jpeg b/src/captcha/captchas/VAERS/45CA51.jpeg
new file mode 100644
index 00000000000..ec4dbba91c2
Binary files /dev/null and b/src/captcha/captchas/VAERS/45CA51.jpeg differ
diff --git a/src/captcha/captchas/VAERS/45e242.jpeg b/src/captcha/captchas/VAERS/45e242.jpeg
new file mode 100644
index 00000000000..765da48803c
Binary files /dev/null and b/src/captcha/captchas/VAERS/45e242.jpeg differ
diff --git a/src/captcha/captchas/VAERS/45fC59.jpeg b/src/captcha/captchas/VAERS/45fC59.jpeg
new file mode 100644
index 00000000000..b1a9777b76e
Binary files /dev/null and b/src/captcha/captchas/VAERS/45fC59.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4602bb.jpeg b/src/captcha/captchas/VAERS/4602bb.jpeg
new file mode 100644
index 00000000000..0ecceeffaf4
Binary files /dev/null and b/src/captcha/captchas/VAERS/4602bb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/463320.jpeg b/src/captcha/captchas/VAERS/463320.jpeg
new file mode 100644
index 00000000000..edfce008e71
Binary files /dev/null and b/src/captcha/captchas/VAERS/463320.jpeg differ
diff --git a/src/captcha/captchas/VAERS/463b81.jpeg b/src/captcha/captchas/VAERS/463b81.jpeg
new file mode 100644
index 00000000000..7c2a6032214
Binary files /dev/null and b/src/captcha/captchas/VAERS/463b81.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4666A4.jpeg b/src/captcha/captchas/VAERS/4666A4.jpeg
new file mode 100644
index 00000000000..fbdc3eb6a00
Binary files /dev/null and b/src/captcha/captchas/VAERS/4666A4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/466AfA.jpeg b/src/captcha/captchas/VAERS/466AfA.jpeg
new file mode 100644
index 00000000000..ef2c0b282f3
Binary files /dev/null and b/src/captcha/captchas/VAERS/466AfA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/467007.jpeg b/src/captcha/captchas/VAERS/467007.jpeg
new file mode 100644
index 00000000000..6c81882b316
Binary files /dev/null and b/src/captcha/captchas/VAERS/467007.jpeg differ
diff --git a/src/captcha/captchas/VAERS/46EA09.jpeg b/src/captcha/captchas/VAERS/46EA09.jpeg
new file mode 100644
index 00000000000..8a57d1917a6
Binary files /dev/null and b/src/captcha/captchas/VAERS/46EA09.jpeg differ
diff --git a/src/captcha/captchas/VAERS/470f28.jpeg b/src/captcha/captchas/VAERS/470f28.jpeg
new file mode 100644
index 00000000000..7b18726b4e1
Binary files /dev/null and b/src/captcha/captchas/VAERS/470f28.jpeg differ
diff --git a/src/captcha/captchas/VAERS/47462A.jpeg b/src/captcha/captchas/VAERS/47462A.jpeg
new file mode 100644
index 00000000000..bf03805d9ab
Binary files /dev/null and b/src/captcha/captchas/VAERS/47462A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4767F9.jpeg b/src/captcha/captchas/VAERS/4767F9.jpeg
new file mode 100644
index 00000000000..6d6ff4eadd5
Binary files /dev/null and b/src/captcha/captchas/VAERS/4767F9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/477E13.jpeg b/src/captcha/captchas/VAERS/477E13.jpeg
new file mode 100644
index 00000000000..5769a67cd4c
Binary files /dev/null and b/src/captcha/captchas/VAERS/477E13.jpeg differ
diff --git a/src/captcha/captchas/VAERS/47A4D5.jpeg b/src/captcha/captchas/VAERS/47A4D5.jpeg
new file mode 100644
index 00000000000..83a0da07415
Binary files /dev/null and b/src/captcha/captchas/VAERS/47A4D5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/484793.jpeg b/src/captcha/captchas/VAERS/484793.jpeg
new file mode 100644
index 00000000000..26da24b5111
Binary files /dev/null and b/src/captcha/captchas/VAERS/484793.jpeg differ
diff --git a/src/captcha/captchas/VAERS/484feC.jpeg b/src/captcha/captchas/VAERS/484feC.jpeg
new file mode 100644
index 00000000000..5bb8696a9a9
Binary files /dev/null and b/src/captcha/captchas/VAERS/484feC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/485Cb3.jpeg b/src/captcha/captchas/VAERS/485Cb3.jpeg
new file mode 100644
index 00000000000..90139553078
Binary files /dev/null and b/src/captcha/captchas/VAERS/485Cb3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/48E2C4.jpeg b/src/captcha/captchas/VAERS/48E2C4.jpeg
new file mode 100644
index 00000000000..e449a249a55
Binary files /dev/null and b/src/captcha/captchas/VAERS/48E2C4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/48F688.jpeg b/src/captcha/captchas/VAERS/48F688.jpeg
new file mode 100644
index 00000000000..04288686aaf
Binary files /dev/null and b/src/captcha/captchas/VAERS/48F688.jpeg differ
diff --git a/src/captcha/captchas/VAERS/48ccA1.jpeg b/src/captcha/captchas/VAERS/48ccA1.jpeg
new file mode 100644
index 00000000000..0533245d8af
Binary files /dev/null and b/src/captcha/captchas/VAERS/48ccA1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/491259.jpeg b/src/captcha/captchas/VAERS/491259.jpeg
new file mode 100644
index 00000000000..50b840af3e6
Binary files /dev/null and b/src/captcha/captchas/VAERS/491259.jpeg differ
diff --git a/src/captcha/captchas/VAERS/49731E.jpeg b/src/captcha/captchas/VAERS/49731E.jpeg
new file mode 100644
index 00000000000..cd33b241cf7
Binary files /dev/null and b/src/captcha/captchas/VAERS/49731E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/49fcA6.jpeg b/src/captcha/captchas/VAERS/49fcA6.jpeg
new file mode 100644
index 00000000000..c9d75503043
Binary files /dev/null and b/src/captcha/captchas/VAERS/49fcA6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4A17Df.jpeg b/src/captcha/captchas/VAERS/4A17Df.jpeg
new file mode 100644
index 00000000000..0126105b038
Binary files /dev/null and b/src/captcha/captchas/VAERS/4A17Df.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4A357B.jpeg b/src/captcha/captchas/VAERS/4A357B.jpeg
new file mode 100644
index 00000000000..f9017bd0d35
Binary files /dev/null and b/src/captcha/captchas/VAERS/4A357B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4A5E5b.jpeg b/src/captcha/captchas/VAERS/4A5E5b.jpeg
new file mode 100644
index 00000000000..06c5b3cba71
Binary files /dev/null and b/src/captcha/captchas/VAERS/4A5E5b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4B5269.jpeg b/src/captcha/captchas/VAERS/4B5269.jpeg
new file mode 100644
index 00000000000..60aa4ace7bc
Binary files /dev/null and b/src/captcha/captchas/VAERS/4B5269.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4BB860.jpeg b/src/captcha/captchas/VAERS/4BB860.jpeg
new file mode 100644
index 00000000000..bfc73899436
Binary files /dev/null and b/src/captcha/captchas/VAERS/4BB860.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4C2195.jpeg b/src/captcha/captchas/VAERS/4C2195.jpeg
new file mode 100644
index 00000000000..9a4c848b685
Binary files /dev/null and b/src/captcha/captchas/VAERS/4C2195.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4C2819.jpeg b/src/captcha/captchas/VAERS/4C2819.jpeg
new file mode 100644
index 00000000000..90fc78b6662
Binary files /dev/null and b/src/captcha/captchas/VAERS/4C2819.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4CAaC4.jpeg b/src/captcha/captchas/VAERS/4CAaC4.jpeg
new file mode 100644
index 00000000000..05f96c31703
Binary files /dev/null and b/src/captcha/captchas/VAERS/4CAaC4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4Cc138.jpeg b/src/captcha/captchas/VAERS/4Cc138.jpeg
new file mode 100644
index 00000000000..cde5475422d
Binary files /dev/null and b/src/captcha/captchas/VAERS/4Cc138.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4D59Bc.jpeg b/src/captcha/captchas/VAERS/4D59Bc.jpeg
new file mode 100644
index 00000000000..9d6222855a5
Binary files /dev/null and b/src/captcha/captchas/VAERS/4D59Bc.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4DdB05.jpeg b/src/captcha/captchas/VAERS/4DdB05.jpeg
new file mode 100644
index 00000000000..c4b7fefa5dd
Binary files /dev/null and b/src/captcha/captchas/VAERS/4DdB05.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4E98f3.jpeg b/src/captcha/captchas/VAERS/4E98f3.jpeg
new file mode 100644
index 00000000000..4cca3f89adb
Binary files /dev/null and b/src/captcha/captchas/VAERS/4E98f3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4Ed9FE.jpeg b/src/captcha/captchas/VAERS/4Ed9FE.jpeg
new file mode 100644
index 00000000000..327d3a9f546
Binary files /dev/null and b/src/captcha/captchas/VAERS/4Ed9FE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4F67fA.jpeg b/src/captcha/captchas/VAERS/4F67fA.jpeg
new file mode 100644
index 00000000000..bee2ce1b962
Binary files /dev/null and b/src/captcha/captchas/VAERS/4F67fA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4a6463.jpeg b/src/captcha/captchas/VAERS/4a6463.jpeg
new file mode 100644
index 00000000000..a4afdcfb9db
Binary files /dev/null and b/src/captcha/captchas/VAERS/4a6463.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4a7795.jpeg b/src/captcha/captchas/VAERS/4a7795.jpeg
new file mode 100644
index 00000000000..092e86ad059
Binary files /dev/null and b/src/captcha/captchas/VAERS/4a7795.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4b5Bea.jpeg b/src/captcha/captchas/VAERS/4b5Bea.jpeg
new file mode 100644
index 00000000000..49b8845236f
Binary files /dev/null and b/src/captcha/captchas/VAERS/4b5Bea.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4b6077.jpeg b/src/captcha/captchas/VAERS/4b6077.jpeg
new file mode 100644
index 00000000000..a01adca6b2d
Binary files /dev/null and b/src/captcha/captchas/VAERS/4b6077.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4bba90.jpeg b/src/captcha/captchas/VAERS/4bba90.jpeg
new file mode 100644
index 00000000000..d0c712bb4f3
Binary files /dev/null and b/src/captcha/captchas/VAERS/4bba90.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4cAD9C.jpeg b/src/captcha/captchas/VAERS/4cAD9C.jpeg
new file mode 100644
index 00000000000..4f2705935ff
Binary files /dev/null and b/src/captcha/captchas/VAERS/4cAD9C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4cDa11.jpeg b/src/captcha/captchas/VAERS/4cDa11.jpeg
new file mode 100644
index 00000000000..01e93f01534
Binary files /dev/null and b/src/captcha/captchas/VAERS/4cDa11.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4ccC96.jpeg b/src/captcha/captchas/VAERS/4ccC96.jpeg
new file mode 100644
index 00000000000..8c9fa91873a
Binary files /dev/null and b/src/captcha/captchas/VAERS/4ccC96.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4ccDdF.jpeg b/src/captcha/captchas/VAERS/4ccDdF.jpeg
new file mode 100644
index 00000000000..ca7899e419b
Binary files /dev/null and b/src/captcha/captchas/VAERS/4ccDdF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4d8279.jpeg b/src/captcha/captchas/VAERS/4d8279.jpeg
new file mode 100644
index 00000000000..21a7fddb4b4
Binary files /dev/null and b/src/captcha/captchas/VAERS/4d8279.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4d9093.jpeg b/src/captcha/captchas/VAERS/4d9093.jpeg
new file mode 100644
index 00000000000..907e029ed96
Binary files /dev/null and b/src/captcha/captchas/VAERS/4d9093.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4d9952.jpeg b/src/captcha/captchas/VAERS/4d9952.jpeg
new file mode 100644
index 00000000000..72ce13c67f4
Binary files /dev/null and b/src/captcha/captchas/VAERS/4d9952.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4eB102.jpeg b/src/captcha/captchas/VAERS/4eB102.jpeg
new file mode 100644
index 00000000000..140f6bddd3a
Binary files /dev/null and b/src/captcha/captchas/VAERS/4eB102.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4ed714.jpeg b/src/captcha/captchas/VAERS/4ed714.jpeg
new file mode 100644
index 00000000000..088b2eafed8
Binary files /dev/null and b/src/captcha/captchas/VAERS/4ed714.jpeg differ
diff --git a/src/captcha/captchas/VAERS/4fc037.jpeg b/src/captcha/captchas/VAERS/4fc037.jpeg
new file mode 100644
index 00000000000..b5ec77ffe1c
Binary files /dev/null and b/src/captcha/captchas/VAERS/4fc037.jpeg differ
diff --git a/src/captcha/captchas/VAERS/501629.jpeg b/src/captcha/captchas/VAERS/501629.jpeg
new file mode 100644
index 00000000000..14b23581d60
Binary files /dev/null and b/src/captcha/captchas/VAERS/501629.jpeg differ
diff --git a/src/captcha/captchas/VAERS/50f034.jpeg b/src/captcha/captchas/VAERS/50f034.jpeg
new file mode 100644
index 00000000000..98dcdb06510
Binary files /dev/null and b/src/captcha/captchas/VAERS/50f034.jpeg differ
diff --git a/src/captcha/captchas/VAERS/51706D.jpeg b/src/captcha/captchas/VAERS/51706D.jpeg
new file mode 100644
index 00000000000..2da397af871
Binary files /dev/null and b/src/captcha/captchas/VAERS/51706D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/51A200.jpeg b/src/captcha/captchas/VAERS/51A200.jpeg
new file mode 100644
index 00000000000..2484a13ff97
Binary files /dev/null and b/src/captcha/captchas/VAERS/51A200.jpeg differ
diff --git a/src/captcha/captchas/VAERS/51D5ed.jpeg b/src/captcha/captchas/VAERS/51D5ed.jpeg
new file mode 100644
index 00000000000..2b8ab73abc1
Binary files /dev/null and b/src/captcha/captchas/VAERS/51D5ed.jpeg differ
diff --git a/src/captcha/captchas/VAERS/51b847.jpeg b/src/captcha/captchas/VAERS/51b847.jpeg
new file mode 100644
index 00000000000..a122e69c2d6
Binary files /dev/null and b/src/captcha/captchas/VAERS/51b847.jpeg differ
diff --git a/src/captcha/captchas/VAERS/51dDfC.jpeg b/src/captcha/captchas/VAERS/51dDfC.jpeg
new file mode 100644
index 00000000000..23e1c8cef51
Binary files /dev/null and b/src/captcha/captchas/VAERS/51dDfC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/521E10.jpeg b/src/captcha/captchas/VAERS/521E10.jpeg
new file mode 100644
index 00000000000..d3c36df5b79
Binary files /dev/null and b/src/captcha/captchas/VAERS/521E10.jpeg differ
diff --git a/src/captcha/captchas/VAERS/521d4f.jpeg b/src/captcha/captchas/VAERS/521d4f.jpeg
new file mode 100644
index 00000000000..f867458913a
Binary files /dev/null and b/src/captcha/captchas/VAERS/521d4f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/525e4B.jpeg b/src/captcha/captchas/VAERS/525e4B.jpeg
new file mode 100644
index 00000000000..862aa83f4f2
Binary files /dev/null and b/src/captcha/captchas/VAERS/525e4B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5283AF.jpeg b/src/captcha/captchas/VAERS/5283AF.jpeg
new file mode 100644
index 00000000000..8acec92fa75
Binary files /dev/null and b/src/captcha/captchas/VAERS/5283AF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/52Df9d.jpeg b/src/captcha/captchas/VAERS/52Df9d.jpeg
new file mode 100644
index 00000000000..c58bb5bc858
Binary files /dev/null and b/src/captcha/captchas/VAERS/52Df9d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/531360.jpeg b/src/captcha/captchas/VAERS/531360.jpeg
new file mode 100644
index 00000000000..5683ed11e42
Binary files /dev/null and b/src/captcha/captchas/VAERS/531360.jpeg differ
diff --git a/src/captcha/captchas/VAERS/537393.jpeg b/src/captcha/captchas/VAERS/537393.jpeg
new file mode 100644
index 00000000000..0e59408b696
Binary files /dev/null and b/src/captcha/captchas/VAERS/537393.jpeg differ
diff --git a/src/captcha/captchas/VAERS/53e707.jpeg b/src/captcha/captchas/VAERS/53e707.jpeg
new file mode 100644
index 00000000000..383d9d1e616
Binary files /dev/null and b/src/captcha/captchas/VAERS/53e707.jpeg differ
diff --git a/src/captcha/captchas/VAERS/53f0Ba.jpeg b/src/captcha/captchas/VAERS/53f0Ba.jpeg
new file mode 100644
index 00000000000..6a62960737b
Binary files /dev/null and b/src/captcha/captchas/VAERS/53f0Ba.jpeg differ
diff --git a/src/captcha/captchas/VAERS/544601.jpeg b/src/captcha/captchas/VAERS/544601.jpeg
new file mode 100644
index 00000000000..9747b0abe04
Binary files /dev/null and b/src/captcha/captchas/VAERS/544601.jpeg differ
diff --git a/src/captcha/captchas/VAERS/547d2D.jpeg b/src/captcha/captchas/VAERS/547d2D.jpeg
new file mode 100644
index 00000000000..799bc15c70d
Binary files /dev/null and b/src/captcha/captchas/VAERS/547d2D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5533c2.jpeg b/src/captcha/captchas/VAERS/5533c2.jpeg
new file mode 100644
index 00000000000..712a96b4d71
Binary files /dev/null and b/src/captcha/captchas/VAERS/5533c2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/557EF1.jpeg b/src/captcha/captchas/VAERS/557EF1.jpeg
new file mode 100644
index 00000000000..926f8faa01e
Binary files /dev/null and b/src/captcha/captchas/VAERS/557EF1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5587c3.jpeg b/src/captcha/captchas/VAERS/5587c3.jpeg
new file mode 100644
index 00000000000..b0a7101f39a
Binary files /dev/null and b/src/captcha/captchas/VAERS/5587c3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/55Ca9A.jpeg b/src/captcha/captchas/VAERS/55Ca9A.jpeg
new file mode 100644
index 00000000000..2442852903b
Binary files /dev/null and b/src/captcha/captchas/VAERS/55Ca9A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/55D488.jpeg b/src/captcha/captchas/VAERS/55D488.jpeg
new file mode 100644
index 00000000000..91bb170fa94
Binary files /dev/null and b/src/captcha/captchas/VAERS/55D488.jpeg differ
diff --git a/src/captcha/captchas/VAERS/55f3e5.jpeg b/src/captcha/captchas/VAERS/55f3e5.jpeg
new file mode 100644
index 00000000000..1032daa8eac
Binary files /dev/null and b/src/captcha/captchas/VAERS/55f3e5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/562Ec1.jpeg b/src/captcha/captchas/VAERS/562Ec1.jpeg
new file mode 100644
index 00000000000..81a75538411
Binary files /dev/null and b/src/captcha/captchas/VAERS/562Ec1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/562cBd.jpeg b/src/captcha/captchas/VAERS/562cBd.jpeg
new file mode 100644
index 00000000000..57b3c50f3ae
Binary files /dev/null and b/src/captcha/captchas/VAERS/562cBd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/56CE63.jpeg b/src/captcha/captchas/VAERS/56CE63.jpeg
new file mode 100644
index 00000000000..5c48a8d9c34
Binary files /dev/null and b/src/captcha/captchas/VAERS/56CE63.jpeg differ
diff --git a/src/captcha/captchas/VAERS/56c24E.jpeg b/src/captcha/captchas/VAERS/56c24E.jpeg
new file mode 100644
index 00000000000..f9066c0dabc
Binary files /dev/null and b/src/captcha/captchas/VAERS/56c24E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/56fC58.jpeg b/src/captcha/captchas/VAERS/56fC58.jpeg
new file mode 100644
index 00000000000..a754bbe2a41
Binary files /dev/null and b/src/captcha/captchas/VAERS/56fC58.jpeg differ
diff --git a/src/captcha/captchas/VAERS/57B06E.jpeg b/src/captcha/captchas/VAERS/57B06E.jpeg
new file mode 100644
index 00000000000..b888613c8c3
Binary files /dev/null and b/src/captcha/captchas/VAERS/57B06E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/57d805.jpeg b/src/captcha/captchas/VAERS/57d805.jpeg
new file mode 100644
index 00000000000..9aa476b748a
Binary files /dev/null and b/src/captcha/captchas/VAERS/57d805.jpeg differ
diff --git a/src/captcha/captchas/VAERS/582A01.jpeg b/src/captcha/captchas/VAERS/582A01.jpeg
new file mode 100644
index 00000000000..65a64e9d890
Binary files /dev/null and b/src/captcha/captchas/VAERS/582A01.jpeg differ
diff --git a/src/captcha/captchas/VAERS/584673.jpeg b/src/captcha/captchas/VAERS/584673.jpeg
new file mode 100644
index 00000000000..225c3735c23
Binary files /dev/null and b/src/captcha/captchas/VAERS/584673.jpeg differ
diff --git a/src/captcha/captchas/VAERS/588A58.jpeg b/src/captcha/captchas/VAERS/588A58.jpeg
new file mode 100644
index 00000000000..caf152ff0e2
Binary files /dev/null and b/src/captcha/captchas/VAERS/588A58.jpeg differ
diff --git a/src/captcha/captchas/VAERS/58B0d9.jpeg b/src/captcha/captchas/VAERS/58B0d9.jpeg
new file mode 100644
index 00000000000..317aa9a19d5
Binary files /dev/null and b/src/captcha/captchas/VAERS/58B0d9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/58E0a4.jpeg b/src/captcha/captchas/VAERS/58E0a4.jpeg
new file mode 100644
index 00000000000..79a37dc5f33
Binary files /dev/null and b/src/captcha/captchas/VAERS/58E0a4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/598F7A.jpeg b/src/captcha/captchas/VAERS/598F7A.jpeg
new file mode 100644
index 00000000000..1440a98f2bf
Binary files /dev/null and b/src/captcha/captchas/VAERS/598F7A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/59b74A.jpeg b/src/captcha/captchas/VAERS/59b74A.jpeg
new file mode 100644
index 00000000000..27417fb8804
Binary files /dev/null and b/src/captcha/captchas/VAERS/59b74A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5B54Ed.jpeg b/src/captcha/captchas/VAERS/5B54Ed.jpeg
new file mode 100644
index 00000000000..b8382975d14
Binary files /dev/null and b/src/captcha/captchas/VAERS/5B54Ed.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5B8bD9.jpeg b/src/captcha/captchas/VAERS/5B8bD9.jpeg
new file mode 100644
index 00000000000..60866492f90
Binary files /dev/null and b/src/captcha/captchas/VAERS/5B8bD9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5BcD31.jpeg b/src/captcha/captchas/VAERS/5BcD31.jpeg
new file mode 100644
index 00000000000..b6fb28120af
Binary files /dev/null and b/src/captcha/captchas/VAERS/5BcD31.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5CA4BD.jpeg b/src/captcha/captchas/VAERS/5CA4BD.jpeg
new file mode 100644
index 00000000000..1760ffe9f30
Binary files /dev/null and b/src/captcha/captchas/VAERS/5CA4BD.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5CaCef.jpeg b/src/captcha/captchas/VAERS/5CaCef.jpeg
new file mode 100644
index 00000000000..cdb1d08a26f
Binary files /dev/null and b/src/captcha/captchas/VAERS/5CaCef.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5CcA61.jpeg b/src/captcha/captchas/VAERS/5CcA61.jpeg
new file mode 100644
index 00000000000..9845015ce7f
Binary files /dev/null and b/src/captcha/captchas/VAERS/5CcA61.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5DB3Cd.jpeg b/src/captcha/captchas/VAERS/5DB3Cd.jpeg
new file mode 100644
index 00000000000..06f702ff133
Binary files /dev/null and b/src/captcha/captchas/VAERS/5DB3Cd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5Da1c0.jpeg b/src/captcha/captchas/VAERS/5Da1c0.jpeg
new file mode 100644
index 00000000000..4a85d6260b4
Binary files /dev/null and b/src/captcha/captchas/VAERS/5Da1c0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5F03cC.jpeg b/src/captcha/captchas/VAERS/5F03cC.jpeg
new file mode 100644
index 00000000000..b66b31ccd8f
Binary files /dev/null and b/src/captcha/captchas/VAERS/5F03cC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5F216b.jpeg b/src/captcha/captchas/VAERS/5F216b.jpeg
new file mode 100644
index 00000000000..17234ca6a77
Binary files /dev/null and b/src/captcha/captchas/VAERS/5F216b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5a270A.jpeg b/src/captcha/captchas/VAERS/5a270A.jpeg
new file mode 100644
index 00000000000..3fe90ace313
Binary files /dev/null and b/src/captcha/captchas/VAERS/5a270A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5aEdbd.jpeg b/src/captcha/captchas/VAERS/5aEdbd.jpeg
new file mode 100644
index 00000000000..2f59d801973
Binary files /dev/null and b/src/captcha/captchas/VAERS/5aEdbd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5ab8A0.jpeg b/src/captcha/captchas/VAERS/5ab8A0.jpeg
new file mode 100644
index 00000000000..79949d2289f
Binary files /dev/null and b/src/captcha/captchas/VAERS/5ab8A0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5bDF05.jpeg b/src/captcha/captchas/VAERS/5bDF05.jpeg
new file mode 100644
index 00000000000..be8110da464
Binary files /dev/null and b/src/captcha/captchas/VAERS/5bDF05.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5c5a9f.jpeg b/src/captcha/captchas/VAERS/5c5a9f.jpeg
new file mode 100644
index 00000000000..e4e49b77df1
Binary files /dev/null and b/src/captcha/captchas/VAERS/5c5a9f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5cFb49.jpeg b/src/captcha/captchas/VAERS/5cFb49.jpeg
new file mode 100644
index 00000000000..066fee1d199
Binary files /dev/null and b/src/captcha/captchas/VAERS/5cFb49.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5d14f4.jpeg b/src/captcha/captchas/VAERS/5d14f4.jpeg
new file mode 100644
index 00000000000..4c5ff145c27
Binary files /dev/null and b/src/captcha/captchas/VAERS/5d14f4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5d5669.jpeg b/src/captcha/captchas/VAERS/5d5669.jpeg
new file mode 100644
index 00000000000..d7dde5b5d72
Binary files /dev/null and b/src/captcha/captchas/VAERS/5d5669.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5e0020.jpeg b/src/captcha/captchas/VAERS/5e0020.jpeg
new file mode 100644
index 00000000000..a950b7b106e
Binary files /dev/null and b/src/captcha/captchas/VAERS/5e0020.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5e33c5.jpeg b/src/captcha/captchas/VAERS/5e33c5.jpeg
new file mode 100644
index 00000000000..922cb709165
Binary files /dev/null and b/src/captcha/captchas/VAERS/5e33c5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5e4b2c.jpeg b/src/captcha/captchas/VAERS/5e4b2c.jpeg
new file mode 100644
index 00000000000..cd6de528e88
Binary files /dev/null and b/src/captcha/captchas/VAERS/5e4b2c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5eb489.jpeg b/src/captcha/captchas/VAERS/5eb489.jpeg
new file mode 100644
index 00000000000..a2d235b1f3a
Binary files /dev/null and b/src/captcha/captchas/VAERS/5eb489.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5f030A.jpeg b/src/captcha/captchas/VAERS/5f030A.jpeg
new file mode 100644
index 00000000000..3c2ee1f4296
Binary files /dev/null and b/src/captcha/captchas/VAERS/5f030A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/5fD375.jpeg b/src/captcha/captchas/VAERS/5fD375.jpeg
new file mode 100644
index 00000000000..54b71395304
Binary files /dev/null and b/src/captcha/captchas/VAERS/5fD375.jpeg differ
diff --git a/src/captcha/captchas/VAERS/603A78.jpeg b/src/captcha/captchas/VAERS/603A78.jpeg
new file mode 100644
index 00000000000..0a3dcd9d73f
Binary files /dev/null and b/src/captcha/captchas/VAERS/603A78.jpeg differ
diff --git a/src/captcha/captchas/VAERS/60513D.jpeg b/src/captcha/captchas/VAERS/60513D.jpeg
new file mode 100644
index 00000000000..497f3140d5f
Binary files /dev/null and b/src/captcha/captchas/VAERS/60513D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/608de5.jpeg b/src/captcha/captchas/VAERS/608de5.jpeg
new file mode 100644
index 00000000000..9e580301c2b
Binary files /dev/null and b/src/captcha/captchas/VAERS/608de5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/609354.jpeg b/src/captcha/captchas/VAERS/609354.jpeg
new file mode 100644
index 00000000000..26ef5c31756
Binary files /dev/null and b/src/captcha/captchas/VAERS/609354.jpeg differ
diff --git a/src/captcha/captchas/VAERS/609F63.jpeg b/src/captcha/captchas/VAERS/609F63.jpeg
new file mode 100644
index 00000000000..b22750fd808
Binary files /dev/null and b/src/captcha/captchas/VAERS/609F63.jpeg differ
diff --git a/src/captcha/captchas/VAERS/60DDA5.jpeg b/src/captcha/captchas/VAERS/60DDA5.jpeg
new file mode 100644
index 00000000000..431a6a216bb
Binary files /dev/null and b/src/captcha/captchas/VAERS/60DDA5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/60ED4F.jpeg b/src/captcha/captchas/VAERS/60ED4F.jpeg
new file mode 100644
index 00000000000..041239d11ac
Binary files /dev/null and b/src/captcha/captchas/VAERS/60ED4F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/60dAEC.jpeg b/src/captcha/captchas/VAERS/60dAEC.jpeg
new file mode 100644
index 00000000000..864a58aea13
Binary files /dev/null and b/src/captcha/captchas/VAERS/60dAEC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/610817.jpeg b/src/captcha/captchas/VAERS/610817.jpeg
new file mode 100644
index 00000000000..4a377e0ae54
Binary files /dev/null and b/src/captcha/captchas/VAERS/610817.jpeg differ
diff --git a/src/captcha/captchas/VAERS/610A25.jpeg b/src/captcha/captchas/VAERS/610A25.jpeg
new file mode 100644
index 00000000000..419fd6bcf52
Binary files /dev/null and b/src/captcha/captchas/VAERS/610A25.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6113C6.jpeg b/src/captcha/captchas/VAERS/6113C6.jpeg
new file mode 100644
index 00000000000..a0b491fd0e0
Binary files /dev/null and b/src/captcha/captchas/VAERS/6113C6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6154E9.jpeg b/src/captcha/captchas/VAERS/6154E9.jpeg
new file mode 100644
index 00000000000..44a76b31482
Binary files /dev/null and b/src/captcha/captchas/VAERS/6154E9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/617E5d.jpeg b/src/captcha/captchas/VAERS/617E5d.jpeg
new file mode 100644
index 00000000000..6ad827cee2e
Binary files /dev/null and b/src/captcha/captchas/VAERS/617E5d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/61aBcF.jpeg b/src/captcha/captchas/VAERS/61aBcF.jpeg
new file mode 100644
index 00000000000..94a0e7b0390
Binary files /dev/null and b/src/captcha/captchas/VAERS/61aBcF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/621CCb.jpeg b/src/captcha/captchas/VAERS/621CCb.jpeg
new file mode 100644
index 00000000000..0820af1379f
Binary files /dev/null and b/src/captcha/captchas/VAERS/621CCb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/621D31.jpeg b/src/captcha/captchas/VAERS/621D31.jpeg
new file mode 100644
index 00000000000..f972dc67357
Binary files /dev/null and b/src/captcha/captchas/VAERS/621D31.jpeg differ
diff --git a/src/captcha/captchas/VAERS/62C261.jpeg b/src/captcha/captchas/VAERS/62C261.jpeg
new file mode 100644
index 00000000000..05040555a0d
Binary files /dev/null and b/src/captcha/captchas/VAERS/62C261.jpeg differ
diff --git a/src/captcha/captchas/VAERS/62De93.jpeg b/src/captcha/captchas/VAERS/62De93.jpeg
new file mode 100644
index 00000000000..8275bda7324
Binary files /dev/null and b/src/captcha/captchas/VAERS/62De93.jpeg differ
diff --git a/src/captcha/captchas/VAERS/62FaAF.jpeg b/src/captcha/captchas/VAERS/62FaAF.jpeg
new file mode 100644
index 00000000000..d61faf94c23
Binary files /dev/null and b/src/captcha/captchas/VAERS/62FaAF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/63164f.jpeg b/src/captcha/captchas/VAERS/63164f.jpeg
new file mode 100644
index 00000000000..f4226ba025c
Binary files /dev/null and b/src/captcha/captchas/VAERS/63164f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/63800B.jpeg b/src/captcha/captchas/VAERS/63800B.jpeg
new file mode 100644
index 00000000000..d768250f151
Binary files /dev/null and b/src/captcha/captchas/VAERS/63800B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/63B6C7.jpeg b/src/captcha/captchas/VAERS/63B6C7.jpeg
new file mode 100644
index 00000000000..58287c16b4a
Binary files /dev/null and b/src/captcha/captchas/VAERS/63B6C7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6414a9.jpeg b/src/captcha/captchas/VAERS/6414a9.jpeg
new file mode 100644
index 00000000000..428995016f7
Binary files /dev/null and b/src/captcha/captchas/VAERS/6414a9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6466a2.jpeg b/src/captcha/captchas/VAERS/6466a2.jpeg
new file mode 100644
index 00000000000..6bb75dccce9
Binary files /dev/null and b/src/captcha/captchas/VAERS/6466a2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/649327.jpeg b/src/captcha/captchas/VAERS/649327.jpeg
new file mode 100644
index 00000000000..56b126e7af4
Binary files /dev/null and b/src/captcha/captchas/VAERS/649327.jpeg differ
diff --git a/src/captcha/captchas/VAERS/652Efb.jpeg b/src/captcha/captchas/VAERS/652Efb.jpeg
new file mode 100644
index 00000000000..a234d2e750e
Binary files /dev/null and b/src/captcha/captchas/VAERS/652Efb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/656413.jpeg b/src/captcha/captchas/VAERS/656413.jpeg
new file mode 100644
index 00000000000..e86c93c6e6f
Binary files /dev/null and b/src/captcha/captchas/VAERS/656413.jpeg differ
diff --git a/src/captcha/captchas/VAERS/65D644.jpeg b/src/captcha/captchas/VAERS/65D644.jpeg
new file mode 100644
index 00000000000..a4d75774778
Binary files /dev/null and b/src/captcha/captchas/VAERS/65D644.jpeg differ
diff --git a/src/captcha/captchas/VAERS/65D724.jpeg b/src/captcha/captchas/VAERS/65D724.jpeg
new file mode 100644
index 00000000000..4eeb7c42ef1
Binary files /dev/null and b/src/captcha/captchas/VAERS/65D724.jpeg differ
diff --git a/src/captcha/captchas/VAERS/65F6a3.jpeg b/src/captcha/captchas/VAERS/65F6a3.jpeg
new file mode 100644
index 00000000000..7f9ec9d9b4f
Binary files /dev/null and b/src/captcha/captchas/VAERS/65F6a3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/65a4cb.jpeg b/src/captcha/captchas/VAERS/65a4cb.jpeg
new file mode 100644
index 00000000000..87a1b353a43
Binary files /dev/null and b/src/captcha/captchas/VAERS/65a4cb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/65bAB4.jpeg b/src/captcha/captchas/VAERS/65bAB4.jpeg
new file mode 100644
index 00000000000..550a5cdd8da
Binary files /dev/null and b/src/captcha/captchas/VAERS/65bAB4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/65c0a1.jpeg b/src/captcha/captchas/VAERS/65c0a1.jpeg
new file mode 100644
index 00000000000..f27b22f5bb8
Binary files /dev/null and b/src/captcha/captchas/VAERS/65c0a1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/665Aa2.jpeg b/src/captcha/captchas/VAERS/665Aa2.jpeg
new file mode 100644
index 00000000000..dcdd59df618
Binary files /dev/null and b/src/captcha/captchas/VAERS/665Aa2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/66AB72.jpeg b/src/captcha/captchas/VAERS/66AB72.jpeg
new file mode 100644
index 00000000000..9689b5a3949
Binary files /dev/null and b/src/captcha/captchas/VAERS/66AB72.jpeg differ
diff --git a/src/captcha/captchas/VAERS/66a246.jpeg b/src/captcha/captchas/VAERS/66a246.jpeg
new file mode 100644
index 00000000000..8333a7e484f
Binary files /dev/null and b/src/captcha/captchas/VAERS/66a246.jpeg differ
diff --git a/src/captcha/captchas/VAERS/66a9c9.jpeg b/src/captcha/captchas/VAERS/66a9c9.jpeg
new file mode 100644
index 00000000000..5d6b425bea2
Binary files /dev/null and b/src/captcha/captchas/VAERS/66a9c9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/671Ae0.jpeg b/src/captcha/captchas/VAERS/671Ae0.jpeg
new file mode 100644
index 00000000000..b40b66ab233
Binary files /dev/null and b/src/captcha/captchas/VAERS/671Ae0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/673Ab7.jpeg b/src/captcha/captchas/VAERS/673Ab7.jpeg
new file mode 100644
index 00000000000..9fab3120350
Binary files /dev/null and b/src/captcha/captchas/VAERS/673Ab7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/67B020.jpeg b/src/captcha/captchas/VAERS/67B020.jpeg
new file mode 100644
index 00000000000..13e594c1884
Binary files /dev/null and b/src/captcha/captchas/VAERS/67B020.jpeg differ
diff --git a/src/captcha/captchas/VAERS/67a0e8.jpeg b/src/captcha/captchas/VAERS/67a0e8.jpeg
new file mode 100644
index 00000000000..ffbf410908a
Binary files /dev/null and b/src/captcha/captchas/VAERS/67a0e8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/682817.jpeg b/src/captcha/captchas/VAERS/682817.jpeg
new file mode 100644
index 00000000000..0b87a6c0822
Binary files /dev/null and b/src/captcha/captchas/VAERS/682817.jpeg differ
diff --git a/src/captcha/captchas/VAERS/68EdFF.jpeg b/src/captcha/captchas/VAERS/68EdFF.jpeg
new file mode 100644
index 00000000000..8be082aa3a8
Binary files /dev/null and b/src/captcha/captchas/VAERS/68EdFF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/68F35e.jpeg b/src/captcha/captchas/VAERS/68F35e.jpeg
new file mode 100644
index 00000000000..eacf7001657
Binary files /dev/null and b/src/captcha/captchas/VAERS/68F35e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/68F509.jpeg b/src/captcha/captchas/VAERS/68F509.jpeg
new file mode 100644
index 00000000000..03b47da4f23
Binary files /dev/null and b/src/captcha/captchas/VAERS/68F509.jpeg differ
diff --git a/src/captcha/captchas/VAERS/68a172.jpeg b/src/captcha/captchas/VAERS/68a172.jpeg
new file mode 100644
index 00000000000..fccee970137
Binary files /dev/null and b/src/captcha/captchas/VAERS/68a172.jpeg differ
diff --git a/src/captcha/captchas/VAERS/693f4C.jpeg b/src/captcha/captchas/VAERS/693f4C.jpeg
new file mode 100644
index 00000000000..c04902a079a
Binary files /dev/null and b/src/captcha/captchas/VAERS/693f4C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/695038.jpeg b/src/captcha/captchas/VAERS/695038.jpeg
new file mode 100644
index 00000000000..0ac96feb847
Binary files /dev/null and b/src/captcha/captchas/VAERS/695038.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6975A6.jpeg b/src/captcha/captchas/VAERS/6975A6.jpeg
new file mode 100644
index 00000000000..0053b7bc7fd
Binary files /dev/null and b/src/captcha/captchas/VAERS/6975A6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6984F8.jpeg b/src/captcha/captchas/VAERS/6984F8.jpeg
new file mode 100644
index 00000000000..6ba36db2afe
Binary files /dev/null and b/src/captcha/captchas/VAERS/6984F8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/698677.jpeg b/src/captcha/captchas/VAERS/698677.jpeg
new file mode 100644
index 00000000000..f367bfb119a
Binary files /dev/null and b/src/captcha/captchas/VAERS/698677.jpeg differ
diff --git a/src/captcha/captchas/VAERS/69dB7F.jpeg b/src/captcha/captchas/VAERS/69dB7F.jpeg
new file mode 100644
index 00000000000..93e4c05c843
Binary files /dev/null and b/src/captcha/captchas/VAERS/69dB7F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6ABA23.jpeg b/src/captcha/captchas/VAERS/6ABA23.jpeg
new file mode 100644
index 00000000000..374a28fc593
Binary files /dev/null and b/src/captcha/captchas/VAERS/6ABA23.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6Ae57E.jpeg b/src/captcha/captchas/VAERS/6Ae57E.jpeg
new file mode 100644
index 00000000000..b3835f63a64
Binary files /dev/null and b/src/captcha/captchas/VAERS/6Ae57E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6B89C5.jpeg b/src/captcha/captchas/VAERS/6B89C5.jpeg
new file mode 100644
index 00000000000..7444db69a87
Binary files /dev/null and b/src/captcha/captchas/VAERS/6B89C5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6C26fF.jpeg b/src/captcha/captchas/VAERS/6C26fF.jpeg
new file mode 100644
index 00000000000..b0e20471530
Binary files /dev/null and b/src/captcha/captchas/VAERS/6C26fF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6D130c.jpeg b/src/captcha/captchas/VAERS/6D130c.jpeg
new file mode 100644
index 00000000000..97c8d3d6642
Binary files /dev/null and b/src/captcha/captchas/VAERS/6D130c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6E01e5.jpeg b/src/captcha/captchas/VAERS/6E01e5.jpeg
new file mode 100644
index 00000000000..2883d5aa897
Binary files /dev/null and b/src/captcha/captchas/VAERS/6E01e5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6E19F6.jpeg b/src/captcha/captchas/VAERS/6E19F6.jpeg
new file mode 100644
index 00000000000..a7a5bbc2a55
Binary files /dev/null and b/src/captcha/captchas/VAERS/6E19F6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6EA3E0.jpeg b/src/captcha/captchas/VAERS/6EA3E0.jpeg
new file mode 100644
index 00000000000..765b51351fc
Binary files /dev/null and b/src/captcha/captchas/VAERS/6EA3E0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6F89e6.jpeg b/src/captcha/captchas/VAERS/6F89e6.jpeg
new file mode 100644
index 00000000000..955aa6824b6
Binary files /dev/null and b/src/captcha/captchas/VAERS/6F89e6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6FF1a1.jpeg b/src/captcha/captchas/VAERS/6FF1a1.jpeg
new file mode 100644
index 00000000000..95b7b12b7c1
Binary files /dev/null and b/src/captcha/captchas/VAERS/6FF1a1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6ac81d.jpeg b/src/captcha/captchas/VAERS/6ac81d.jpeg
new file mode 100644
index 00000000000..19340a744c6
Binary files /dev/null and b/src/captcha/captchas/VAERS/6ac81d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6b050f.jpeg b/src/captcha/captchas/VAERS/6b050f.jpeg
new file mode 100644
index 00000000000..0eef92a6719
Binary files /dev/null and b/src/captcha/captchas/VAERS/6b050f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6b64b6.jpeg b/src/captcha/captchas/VAERS/6b64b6.jpeg
new file mode 100644
index 00000000000..9137ff21907
Binary files /dev/null and b/src/captcha/captchas/VAERS/6b64b6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6bDBB1.jpeg b/src/captcha/captchas/VAERS/6bDBB1.jpeg
new file mode 100644
index 00000000000..f3ac955c6f3
Binary files /dev/null and b/src/captcha/captchas/VAERS/6bDBB1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6c6eac.jpeg b/src/captcha/captchas/VAERS/6c6eac.jpeg
new file mode 100644
index 00000000000..0452e056a9c
Binary files /dev/null and b/src/captcha/captchas/VAERS/6c6eac.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6c90a6.jpeg b/src/captcha/captchas/VAERS/6c90a6.jpeg
new file mode 100644
index 00000000000..87394725286
Binary files /dev/null and b/src/captcha/captchas/VAERS/6c90a6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6d23A8.jpeg b/src/captcha/captchas/VAERS/6d23A8.jpeg
new file mode 100644
index 00000000000..c750af1452d
Binary files /dev/null and b/src/captcha/captchas/VAERS/6d23A8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6dE006.jpeg b/src/captcha/captchas/VAERS/6dE006.jpeg
new file mode 100644
index 00000000000..5f515739d51
Binary files /dev/null and b/src/captcha/captchas/VAERS/6dE006.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6dc761.jpeg b/src/captcha/captchas/VAERS/6dc761.jpeg
new file mode 100644
index 00000000000..c19bdbbe85c
Binary files /dev/null and b/src/captcha/captchas/VAERS/6dc761.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6eDD18.jpeg b/src/captcha/captchas/VAERS/6eDD18.jpeg
new file mode 100644
index 00000000000..d5218bbdcaf
Binary files /dev/null and b/src/captcha/captchas/VAERS/6eDD18.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6fF77b.jpeg b/src/captcha/captchas/VAERS/6fF77b.jpeg
new file mode 100644
index 00000000000..aa032f4290e
Binary files /dev/null and b/src/captcha/captchas/VAERS/6fF77b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/6fc0F2.jpeg b/src/captcha/captchas/VAERS/6fc0F2.jpeg
new file mode 100644
index 00000000000..b9589f1c6a9
Binary files /dev/null and b/src/captcha/captchas/VAERS/6fc0F2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/701514.jpeg b/src/captcha/captchas/VAERS/701514.jpeg
new file mode 100644
index 00000000000..4d1027fca9f
Binary files /dev/null and b/src/captcha/captchas/VAERS/701514.jpeg differ
diff --git a/src/captcha/captchas/VAERS/701D7C.jpeg b/src/captcha/captchas/VAERS/701D7C.jpeg
new file mode 100644
index 00000000000..10565efd770
Binary files /dev/null and b/src/captcha/captchas/VAERS/701D7C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/702B73.jpeg b/src/captcha/captchas/VAERS/702B73.jpeg
new file mode 100644
index 00000000000..f20a5050f4f
Binary files /dev/null and b/src/captcha/captchas/VAERS/702B73.jpeg differ
diff --git a/src/captcha/captchas/VAERS/70EdB4.jpeg b/src/captcha/captchas/VAERS/70EdB4.jpeg
new file mode 100644
index 00000000000..186e8e182cd
Binary files /dev/null and b/src/captcha/captchas/VAERS/70EdB4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/710796.jpeg b/src/captcha/captchas/VAERS/710796.jpeg
new file mode 100644
index 00000000000..a91c6166344
Binary files /dev/null and b/src/captcha/captchas/VAERS/710796.jpeg differ
diff --git a/src/captcha/captchas/VAERS/712954.jpeg b/src/captcha/captchas/VAERS/712954.jpeg
new file mode 100644
index 00000000000..bf25d507f88
Binary files /dev/null and b/src/captcha/captchas/VAERS/712954.jpeg differ
diff --git a/src/captcha/captchas/VAERS/719B31.jpeg b/src/captcha/captchas/VAERS/719B31.jpeg
new file mode 100644
index 00000000000..cd09b4cbbd9
Binary files /dev/null and b/src/captcha/captchas/VAERS/719B31.jpeg differ
diff --git a/src/captcha/captchas/VAERS/71B2C2.jpeg b/src/captcha/captchas/VAERS/71B2C2.jpeg
new file mode 100644
index 00000000000..c7b1b5934be
Binary files /dev/null and b/src/captcha/captchas/VAERS/71B2C2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/71d0Cd.jpeg b/src/captcha/captchas/VAERS/71d0Cd.jpeg
new file mode 100644
index 00000000000..3d69935f26f
Binary files /dev/null and b/src/captcha/captchas/VAERS/71d0Cd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/71e05B.jpeg b/src/captcha/captchas/VAERS/71e05B.jpeg
new file mode 100644
index 00000000000..9ff90287184
Binary files /dev/null and b/src/captcha/captchas/VAERS/71e05B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7211a0.jpeg b/src/captcha/captchas/VAERS/7211a0.jpeg
new file mode 100644
index 00000000000..0788aae99c3
Binary files /dev/null and b/src/captcha/captchas/VAERS/7211a0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/72313c.jpeg b/src/captcha/captchas/VAERS/72313c.jpeg
new file mode 100644
index 00000000000..354d3c06f74
Binary files /dev/null and b/src/captcha/captchas/VAERS/72313c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/72F975.jpeg b/src/captcha/captchas/VAERS/72F975.jpeg
new file mode 100644
index 00000000000..80845049776
Binary files /dev/null and b/src/captcha/captchas/VAERS/72F975.jpeg differ
diff --git a/src/captcha/captchas/VAERS/72f3Ca.jpeg b/src/captcha/captchas/VAERS/72f3Ca.jpeg
new file mode 100644
index 00000000000..8f2352bf025
Binary files /dev/null and b/src/captcha/captchas/VAERS/72f3Ca.jpeg differ
diff --git a/src/captcha/captchas/VAERS/735c21.jpeg b/src/captcha/captchas/VAERS/735c21.jpeg
new file mode 100644
index 00000000000..a3a46856e17
Binary files /dev/null and b/src/captcha/captchas/VAERS/735c21.jpeg differ
diff --git a/src/captcha/captchas/VAERS/736170.jpeg b/src/captcha/captchas/VAERS/736170.jpeg
new file mode 100644
index 00000000000..eeec8e85730
Binary files /dev/null and b/src/captcha/captchas/VAERS/736170.jpeg differ
diff --git a/src/captcha/captchas/VAERS/73d44e.jpeg b/src/captcha/captchas/VAERS/73d44e.jpeg
new file mode 100644
index 00000000000..c7aecf743af
Binary files /dev/null and b/src/captcha/captchas/VAERS/73d44e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7419D4.jpeg b/src/captcha/captchas/VAERS/7419D4.jpeg
new file mode 100644
index 00000000000..db1ccc52aaf
Binary files /dev/null and b/src/captcha/captchas/VAERS/7419D4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/744e63.jpeg b/src/captcha/captchas/VAERS/744e63.jpeg
new file mode 100644
index 00000000000..1056799be77
Binary files /dev/null and b/src/captcha/captchas/VAERS/744e63.jpeg differ
diff --git a/src/captcha/captchas/VAERS/74F09b.jpeg b/src/captcha/captchas/VAERS/74F09b.jpeg
new file mode 100644
index 00000000000..bab6fd4e6a3
Binary files /dev/null and b/src/captcha/captchas/VAERS/74F09b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7501dC.jpeg b/src/captcha/captchas/VAERS/7501dC.jpeg
new file mode 100644
index 00000000000..963539a1797
Binary files /dev/null and b/src/captcha/captchas/VAERS/7501dC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/754E16.jpeg b/src/captcha/captchas/VAERS/754E16.jpeg
new file mode 100644
index 00000000000..0c43976e9d9
Binary files /dev/null and b/src/captcha/captchas/VAERS/754E16.jpeg differ
diff --git a/src/captcha/captchas/VAERS/757daE.jpeg b/src/captcha/captchas/VAERS/757daE.jpeg
new file mode 100644
index 00000000000..28730e28363
Binary files /dev/null and b/src/captcha/captchas/VAERS/757daE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/762C1d.jpeg b/src/captcha/captchas/VAERS/762C1d.jpeg
new file mode 100644
index 00000000000..36fe3f89ca4
Binary files /dev/null and b/src/captcha/captchas/VAERS/762C1d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/763414.jpeg b/src/captcha/captchas/VAERS/763414.jpeg
new file mode 100644
index 00000000000..86606cf5eaf
Binary files /dev/null and b/src/captcha/captchas/VAERS/763414.jpeg differ
diff --git a/src/captcha/captchas/VAERS/765416.jpeg b/src/captcha/captchas/VAERS/765416.jpeg
new file mode 100644
index 00000000000..e91a4f7b0d4
Binary files /dev/null and b/src/captcha/captchas/VAERS/765416.jpeg differ
diff --git a/src/captcha/captchas/VAERS/76Ff19.jpeg b/src/captcha/captchas/VAERS/76Ff19.jpeg
new file mode 100644
index 00000000000..51919b093d6
Binary files /dev/null and b/src/captcha/captchas/VAERS/76Ff19.jpeg differ
diff --git a/src/captcha/captchas/VAERS/770F39.jpeg b/src/captcha/captchas/VAERS/770F39.jpeg
new file mode 100644
index 00000000000..7f57f4b8afb
Binary files /dev/null and b/src/captcha/captchas/VAERS/770F39.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7768D5.jpeg b/src/captcha/captchas/VAERS/7768D5.jpeg
new file mode 100644
index 00000000000..bb6d1175418
Binary files /dev/null and b/src/captcha/captchas/VAERS/7768D5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/777986.jpeg b/src/captcha/captchas/VAERS/777986.jpeg
new file mode 100644
index 00000000000..bb2d39d16fc
Binary files /dev/null and b/src/captcha/captchas/VAERS/777986.jpeg differ
diff --git a/src/captcha/captchas/VAERS/77A7DC.jpeg b/src/captcha/captchas/VAERS/77A7DC.jpeg
new file mode 100644
index 00000000000..53a63a06415
Binary files /dev/null and b/src/captcha/captchas/VAERS/77A7DC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/77F428.jpeg b/src/captcha/captchas/VAERS/77F428.jpeg
new file mode 100644
index 00000000000..d4ff3f92e59
Binary files /dev/null and b/src/captcha/captchas/VAERS/77F428.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7831Ac.jpeg b/src/captcha/captchas/VAERS/7831Ac.jpeg
new file mode 100644
index 00000000000..1ec32853e25
Binary files /dev/null and b/src/captcha/captchas/VAERS/7831Ac.jpeg differ
diff --git a/src/captcha/captchas/VAERS/783b90.jpeg b/src/captcha/captchas/VAERS/783b90.jpeg
new file mode 100644
index 00000000000..eb444caa455
Binary files /dev/null and b/src/captcha/captchas/VAERS/783b90.jpeg differ
diff --git a/src/captcha/captchas/VAERS/785038.jpeg b/src/captcha/captchas/VAERS/785038.jpeg
new file mode 100644
index 00000000000..a3cb28ad6cd
Binary files /dev/null and b/src/captcha/captchas/VAERS/785038.jpeg differ
diff --git a/src/captcha/captchas/VAERS/78B0dd.jpeg b/src/captcha/captchas/VAERS/78B0dd.jpeg
new file mode 100644
index 00000000000..c640e09a4b6
Binary files /dev/null and b/src/captcha/captchas/VAERS/78B0dd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7962a3.jpeg b/src/captcha/captchas/VAERS/7962a3.jpeg
new file mode 100644
index 00000000000..1bfa8066924
Binary files /dev/null and b/src/captcha/captchas/VAERS/7962a3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/797ea1.jpeg b/src/captcha/captchas/VAERS/797ea1.jpeg
new file mode 100644
index 00000000000..8e1e6899a80
Binary files /dev/null and b/src/captcha/captchas/VAERS/797ea1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/798EF9.jpeg b/src/captcha/captchas/VAERS/798EF9.jpeg
new file mode 100644
index 00000000000..8f759fc5421
Binary files /dev/null and b/src/captcha/captchas/VAERS/798EF9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/79D201.jpeg b/src/captcha/captchas/VAERS/79D201.jpeg
new file mode 100644
index 00000000000..91479d1655c
Binary files /dev/null and b/src/captcha/captchas/VAERS/79D201.jpeg differ
diff --git a/src/captcha/captchas/VAERS/79D595.jpeg b/src/captcha/captchas/VAERS/79D595.jpeg
new file mode 100644
index 00000000000..6d4a06618e8
Binary files /dev/null and b/src/captcha/captchas/VAERS/79D595.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7A19c0.jpeg b/src/captcha/captchas/VAERS/7A19c0.jpeg
new file mode 100644
index 00000000000..b2ea21c18ea
Binary files /dev/null and b/src/captcha/captchas/VAERS/7A19c0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7C683e.jpeg b/src/captcha/captchas/VAERS/7C683e.jpeg
new file mode 100644
index 00000000000..94d8cb163e8
Binary files /dev/null and b/src/captcha/captchas/VAERS/7C683e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7C7F80.jpeg b/src/captcha/captchas/VAERS/7C7F80.jpeg
new file mode 100644
index 00000000000..955dd90bcf9
Binary files /dev/null and b/src/captcha/captchas/VAERS/7C7F80.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7Ca4d8.jpeg b/src/captcha/captchas/VAERS/7Ca4d8.jpeg
new file mode 100644
index 00000000000..dfaa6fc9acf
Binary files /dev/null and b/src/captcha/captchas/VAERS/7Ca4d8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7Ce63E.jpeg b/src/captcha/captchas/VAERS/7Ce63E.jpeg
new file mode 100644
index 00000000000..2a7240ba958
Binary files /dev/null and b/src/captcha/captchas/VAERS/7Ce63E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7D26b1.jpeg b/src/captcha/captchas/VAERS/7D26b1.jpeg
new file mode 100644
index 00000000000..c0815b5fa30
Binary files /dev/null and b/src/captcha/captchas/VAERS/7D26b1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7D481A.jpeg b/src/captcha/captchas/VAERS/7D481A.jpeg
new file mode 100644
index 00000000000..5d6ad8d2a09
Binary files /dev/null and b/src/captcha/captchas/VAERS/7D481A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7D84Be.jpeg b/src/captcha/captchas/VAERS/7D84Be.jpeg
new file mode 100644
index 00000000000..9423b3de621
Binary files /dev/null and b/src/captcha/captchas/VAERS/7D84Be.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7E078e.jpeg b/src/captcha/captchas/VAERS/7E078e.jpeg
new file mode 100644
index 00000000000..f10a38b76a4
Binary files /dev/null and b/src/captcha/captchas/VAERS/7E078e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7E4375.jpeg b/src/captcha/captchas/VAERS/7E4375.jpeg
new file mode 100644
index 00000000000..fdad8b5f174
Binary files /dev/null and b/src/captcha/captchas/VAERS/7E4375.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7E88bB.jpeg b/src/captcha/captchas/VAERS/7E88bB.jpeg
new file mode 100644
index 00000000000..0375cb1448b
Binary files /dev/null and b/src/captcha/captchas/VAERS/7E88bB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7EBE3b.jpeg b/src/captcha/captchas/VAERS/7EBE3b.jpeg
new file mode 100644
index 00000000000..d8559e41a19
Binary files /dev/null and b/src/captcha/captchas/VAERS/7EBE3b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7Ef936.jpeg b/src/captcha/captchas/VAERS/7Ef936.jpeg
new file mode 100644
index 00000000000..2a0659e0c60
Binary files /dev/null and b/src/captcha/captchas/VAERS/7Ef936.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7F384e.jpeg b/src/captcha/captchas/VAERS/7F384e.jpeg
new file mode 100644
index 00000000000..d4e6b34a6b5
Binary files /dev/null and b/src/captcha/captchas/VAERS/7F384e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7F3e1E.jpeg b/src/captcha/captchas/VAERS/7F3e1E.jpeg
new file mode 100644
index 00000000000..796c79ce6dc
Binary files /dev/null and b/src/captcha/captchas/VAERS/7F3e1E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7F45f2.jpeg b/src/captcha/captchas/VAERS/7F45f2.jpeg
new file mode 100644
index 00000000000..f021776eb20
Binary files /dev/null and b/src/captcha/captchas/VAERS/7F45f2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7F78a7.jpeg b/src/captcha/captchas/VAERS/7F78a7.jpeg
new file mode 100644
index 00000000000..d852ff1acf8
Binary files /dev/null and b/src/captcha/captchas/VAERS/7F78a7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7a535A.jpeg b/src/captcha/captchas/VAERS/7a535A.jpeg
new file mode 100644
index 00000000000..4e9f9f13d34
Binary files /dev/null and b/src/captcha/captchas/VAERS/7a535A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7b195C.jpeg b/src/captcha/captchas/VAERS/7b195C.jpeg
new file mode 100644
index 00000000000..b138cbdf559
Binary files /dev/null and b/src/captcha/captchas/VAERS/7b195C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7b5D9E.jpeg b/src/captcha/captchas/VAERS/7b5D9E.jpeg
new file mode 100644
index 00000000000..a23264b8881
Binary files /dev/null and b/src/captcha/captchas/VAERS/7b5D9E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7bCA8c.jpeg b/src/captcha/captchas/VAERS/7bCA8c.jpeg
new file mode 100644
index 00000000000..722d60d07ba
Binary files /dev/null and b/src/captcha/captchas/VAERS/7bCA8c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7bedf8.jpeg b/src/captcha/captchas/VAERS/7bedf8.jpeg
new file mode 100644
index 00000000000..20b063ba033
Binary files /dev/null and b/src/captcha/captchas/VAERS/7bedf8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7c02bA.jpeg b/src/captcha/captchas/VAERS/7c02bA.jpeg
new file mode 100644
index 00000000000..41438893ce6
Binary files /dev/null and b/src/captcha/captchas/VAERS/7c02bA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7c5242.jpeg b/src/captcha/captchas/VAERS/7c5242.jpeg
new file mode 100644
index 00000000000..f61769ec4c4
Binary files /dev/null and b/src/captcha/captchas/VAERS/7c5242.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7cEDcB.jpeg b/src/captcha/captchas/VAERS/7cEDcB.jpeg
new file mode 100644
index 00000000000..0cc5cc8ea66
Binary files /dev/null and b/src/captcha/captchas/VAERS/7cEDcB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7d040e.jpeg b/src/captcha/captchas/VAERS/7d040e.jpeg
new file mode 100644
index 00000000000..f9753349064
Binary files /dev/null and b/src/captcha/captchas/VAERS/7d040e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7d7129.jpeg b/src/captcha/captchas/VAERS/7d7129.jpeg
new file mode 100644
index 00000000000..69838272fc9
Binary files /dev/null and b/src/captcha/captchas/VAERS/7d7129.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7e2335.jpeg b/src/captcha/captchas/VAERS/7e2335.jpeg
new file mode 100644
index 00000000000..46eaa59ea55
Binary files /dev/null and b/src/captcha/captchas/VAERS/7e2335.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7f7871.jpeg b/src/captcha/captchas/VAERS/7f7871.jpeg
new file mode 100644
index 00000000000..6334bc5977f
Binary files /dev/null and b/src/captcha/captchas/VAERS/7f7871.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7f8C6d.jpeg b/src/captcha/captchas/VAERS/7f8C6d.jpeg
new file mode 100644
index 00000000000..3b30bdcb8ce
Binary files /dev/null and b/src/captcha/captchas/VAERS/7f8C6d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7f99B3.jpeg b/src/captcha/captchas/VAERS/7f99B3.jpeg
new file mode 100644
index 00000000000..d32b137738d
Binary files /dev/null and b/src/captcha/captchas/VAERS/7f99B3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7fBeA6.jpeg b/src/captcha/captchas/VAERS/7fBeA6.jpeg
new file mode 100644
index 00000000000..a431dcc2401
Binary files /dev/null and b/src/captcha/captchas/VAERS/7fBeA6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/7fC283.jpeg b/src/captcha/captchas/VAERS/7fC283.jpeg
new file mode 100644
index 00000000000..b3da63bfbd9
Binary files /dev/null and b/src/captcha/captchas/VAERS/7fC283.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8004B2.jpeg b/src/captcha/captchas/VAERS/8004B2.jpeg
new file mode 100644
index 00000000000..a28ad0f9096
Binary files /dev/null and b/src/captcha/captchas/VAERS/8004B2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/800e41.jpeg b/src/captcha/captchas/VAERS/800e41.jpeg
new file mode 100644
index 00000000000..84306cfc682
Binary files /dev/null and b/src/captcha/captchas/VAERS/800e41.jpeg differ
diff --git a/src/captcha/captchas/VAERS/801500.jpeg b/src/captcha/captchas/VAERS/801500.jpeg
new file mode 100644
index 00000000000..25fef8e7b46
Binary files /dev/null and b/src/captcha/captchas/VAERS/801500.jpeg differ
diff --git a/src/captcha/captchas/VAERS/812416.jpeg b/src/captcha/captchas/VAERS/812416.jpeg
new file mode 100644
index 00000000000..402d65ac125
Binary files /dev/null and b/src/captcha/captchas/VAERS/812416.jpeg differ
diff --git a/src/captcha/captchas/VAERS/814a27.jpeg b/src/captcha/captchas/VAERS/814a27.jpeg
new file mode 100644
index 00000000000..7c08d968c24
Binary files /dev/null and b/src/captcha/captchas/VAERS/814a27.jpeg differ
diff --git a/src/captcha/captchas/VAERS/819317.jpeg b/src/captcha/captchas/VAERS/819317.jpeg
new file mode 100644
index 00000000000..e9b6c785d48
Binary files /dev/null and b/src/captcha/captchas/VAERS/819317.jpeg differ
diff --git a/src/captcha/captchas/VAERS/81c59E.jpeg b/src/captcha/captchas/VAERS/81c59E.jpeg
new file mode 100644
index 00000000000..fea497c74f1
Binary files /dev/null and b/src/captcha/captchas/VAERS/81c59E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/81e584.jpeg b/src/captcha/captchas/VAERS/81e584.jpeg
new file mode 100644
index 00000000000..373675ab54d
Binary files /dev/null and b/src/captcha/captchas/VAERS/81e584.jpeg differ
diff --git a/src/captcha/captchas/VAERS/821230.jpeg b/src/captcha/captchas/VAERS/821230.jpeg
new file mode 100644
index 00000000000..7a9ef3a2b73
Binary files /dev/null and b/src/captcha/captchas/VAERS/821230.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8238E7.jpeg b/src/captcha/captchas/VAERS/8238E7.jpeg
new file mode 100644
index 00000000000..d6aaadd88fe
Binary files /dev/null and b/src/captcha/captchas/VAERS/8238E7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8246D0.jpeg b/src/captcha/captchas/VAERS/8246D0.jpeg
new file mode 100644
index 00000000000..9e548ed54b8
Binary files /dev/null and b/src/captcha/captchas/VAERS/8246D0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8269b0.jpeg b/src/captcha/captchas/VAERS/8269b0.jpeg
new file mode 100644
index 00000000000..b5dcb8a9bc1
Binary files /dev/null and b/src/captcha/captchas/VAERS/8269b0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/827413.jpeg b/src/captcha/captchas/VAERS/827413.jpeg
new file mode 100644
index 00000000000..a1d6ca4f1e0
Binary files /dev/null and b/src/captcha/captchas/VAERS/827413.jpeg differ
diff --git a/src/captcha/captchas/VAERS/828867.jpeg b/src/captcha/captchas/VAERS/828867.jpeg
new file mode 100644
index 00000000000..5ca0ec32d47
Binary files /dev/null and b/src/captcha/captchas/VAERS/828867.jpeg differ
diff --git a/src/captcha/captchas/VAERS/832464.jpeg b/src/captcha/captchas/VAERS/832464.jpeg
new file mode 100644
index 00000000000..c4ff45e3f77
Binary files /dev/null and b/src/captcha/captchas/VAERS/832464.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8360Bc.jpeg b/src/captcha/captchas/VAERS/8360Bc.jpeg
new file mode 100644
index 00000000000..ab49f98880e
Binary files /dev/null and b/src/captcha/captchas/VAERS/8360Bc.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8361B4.jpeg b/src/captcha/captchas/VAERS/8361B4.jpeg
new file mode 100644
index 00000000000..9aa07459ae7
Binary files /dev/null and b/src/captcha/captchas/VAERS/8361B4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/838150.jpeg b/src/captcha/captchas/VAERS/838150.jpeg
new file mode 100644
index 00000000000..044b4841bd1
Binary files /dev/null and b/src/captcha/captchas/VAERS/838150.jpeg differ
diff --git a/src/captcha/captchas/VAERS/83BB5A.jpeg b/src/captcha/captchas/VAERS/83BB5A.jpeg
new file mode 100644
index 00000000000..85bc5c0b7e2
Binary files /dev/null and b/src/captcha/captchas/VAERS/83BB5A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/83df67.jpeg b/src/captcha/captchas/VAERS/83df67.jpeg
new file mode 100644
index 00000000000..da1d8cae6ec
Binary files /dev/null and b/src/captcha/captchas/VAERS/83df67.jpeg differ
diff --git a/src/captcha/captchas/VAERS/84008E.jpeg b/src/captcha/captchas/VAERS/84008E.jpeg
new file mode 100644
index 00000000000..5402f85f0fd
Binary files /dev/null and b/src/captcha/captchas/VAERS/84008E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/842830.jpeg b/src/captcha/captchas/VAERS/842830.jpeg
new file mode 100644
index 00000000000..fa9ae2a2c6a
Binary files /dev/null and b/src/captcha/captchas/VAERS/842830.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8462A9.jpeg b/src/captcha/captchas/VAERS/8462A9.jpeg
new file mode 100644
index 00000000000..d0ef509821e
Binary files /dev/null and b/src/captcha/captchas/VAERS/8462A9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/849254.jpeg b/src/captcha/captchas/VAERS/849254.jpeg
new file mode 100644
index 00000000000..359588f73e5
Binary files /dev/null and b/src/captcha/captchas/VAERS/849254.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8506fC.jpeg b/src/captcha/captchas/VAERS/8506fC.jpeg
new file mode 100644
index 00000000000..5f709fbd860
Binary files /dev/null and b/src/captcha/captchas/VAERS/8506fC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/854195.jpeg b/src/captcha/captchas/VAERS/854195.jpeg
new file mode 100644
index 00000000000..0b9d09b128c
Binary files /dev/null and b/src/captcha/captchas/VAERS/854195.jpeg differ
diff --git a/src/captcha/captchas/VAERS/854263.jpeg b/src/captcha/captchas/VAERS/854263.jpeg
new file mode 100644
index 00000000000..cb9fee1df42
Binary files /dev/null and b/src/captcha/captchas/VAERS/854263.jpeg differ
diff --git a/src/captcha/captchas/VAERS/855281.jpeg b/src/captcha/captchas/VAERS/855281.jpeg
new file mode 100644
index 00000000000..cd65618f133
Binary files /dev/null and b/src/captcha/captchas/VAERS/855281.jpeg differ
diff --git a/src/captcha/captchas/VAERS/857cC2.jpeg b/src/captcha/captchas/VAERS/857cC2.jpeg
new file mode 100644
index 00000000000..2640365b3f3
Binary files /dev/null and b/src/captcha/captchas/VAERS/857cC2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/85c040.jpeg b/src/captcha/captchas/VAERS/85c040.jpeg
new file mode 100644
index 00000000000..e4bad07a749
Binary files /dev/null and b/src/captcha/captchas/VAERS/85c040.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8602e6.jpeg b/src/captcha/captchas/VAERS/8602e6.jpeg
new file mode 100644
index 00000000000..2b8428fddbf
Binary files /dev/null and b/src/captcha/captchas/VAERS/8602e6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/86E145.jpeg b/src/captcha/captchas/VAERS/86E145.jpeg
new file mode 100644
index 00000000000..96830197607
Binary files /dev/null and b/src/captcha/captchas/VAERS/86E145.jpeg differ
diff --git a/src/captcha/captchas/VAERS/86fD00.jpeg b/src/captcha/captchas/VAERS/86fD00.jpeg
new file mode 100644
index 00000000000..735c87dd6cf
Binary files /dev/null and b/src/captcha/captchas/VAERS/86fD00.jpeg differ
diff --git a/src/captcha/captchas/VAERS/875CFf.jpeg b/src/captcha/captchas/VAERS/875CFf.jpeg
new file mode 100644
index 00000000000..2738e8b15f6
Binary files /dev/null and b/src/captcha/captchas/VAERS/875CFf.jpeg differ
diff --git a/src/captcha/captchas/VAERS/876D23.jpeg b/src/captcha/captchas/VAERS/876D23.jpeg
new file mode 100644
index 00000000000..961da086a84
Binary files /dev/null and b/src/captcha/captchas/VAERS/876D23.jpeg differ
diff --git a/src/captcha/captchas/VAERS/87d230.jpeg b/src/captcha/captchas/VAERS/87d230.jpeg
new file mode 100644
index 00000000000..ad99564b896
Binary files /dev/null and b/src/captcha/captchas/VAERS/87d230.jpeg differ
diff --git a/src/captcha/captchas/VAERS/87d5C5.jpeg b/src/captcha/captchas/VAERS/87d5C5.jpeg
new file mode 100644
index 00000000000..81ef66be382
Binary files /dev/null and b/src/captcha/captchas/VAERS/87d5C5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/883218.jpeg b/src/captcha/captchas/VAERS/883218.jpeg
new file mode 100644
index 00000000000..472d53b117a
Binary files /dev/null and b/src/captcha/captchas/VAERS/883218.jpeg differ
diff --git a/src/captcha/captchas/VAERS/88625D.jpeg b/src/captcha/captchas/VAERS/88625D.jpeg
new file mode 100644
index 00000000000..8c78aaba9e2
Binary files /dev/null and b/src/captcha/captchas/VAERS/88625D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/896135.jpeg b/src/captcha/captchas/VAERS/896135.jpeg
new file mode 100644
index 00000000000..a899db03267
Binary files /dev/null and b/src/captcha/captchas/VAERS/896135.jpeg differ
diff --git a/src/captcha/captchas/VAERS/89728B.jpeg b/src/captcha/captchas/VAERS/89728B.jpeg
new file mode 100644
index 00000000000..20c18047a53
Binary files /dev/null and b/src/captcha/captchas/VAERS/89728B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/898B99.jpeg b/src/captcha/captchas/VAERS/898B99.jpeg
new file mode 100644
index 00000000000..5bcf7553ccc
Binary files /dev/null and b/src/captcha/captchas/VAERS/898B99.jpeg differ
diff --git a/src/captcha/captchas/VAERS/89A18d.jpeg b/src/captcha/captchas/VAERS/89A18d.jpeg
new file mode 100644
index 00000000000..99de8739aaa
Binary files /dev/null and b/src/captcha/captchas/VAERS/89A18d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/89B370.jpeg b/src/captcha/captchas/VAERS/89B370.jpeg
new file mode 100644
index 00000000000..d6dfbdec1b2
Binary files /dev/null and b/src/captcha/captchas/VAERS/89B370.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8A4C20.jpeg b/src/captcha/captchas/VAERS/8A4C20.jpeg
new file mode 100644
index 00000000000..de8efef780c
Binary files /dev/null and b/src/captcha/captchas/VAERS/8A4C20.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8A6860.jpeg b/src/captcha/captchas/VAERS/8A6860.jpeg
new file mode 100644
index 00000000000..c4401bd1b58
Binary files /dev/null and b/src/captcha/captchas/VAERS/8A6860.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8Ace63.jpeg b/src/captcha/captchas/VAERS/8Ace63.jpeg
new file mode 100644
index 00000000000..7ef274c8b97
Binary files /dev/null and b/src/captcha/captchas/VAERS/8Ace63.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8BF123.jpeg b/src/captcha/captchas/VAERS/8BF123.jpeg
new file mode 100644
index 00000000000..4a475952da5
Binary files /dev/null and b/src/captcha/captchas/VAERS/8BF123.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8C183a.jpeg b/src/captcha/captchas/VAERS/8C183a.jpeg
new file mode 100644
index 00000000000..b5f69c9d007
Binary files /dev/null and b/src/captcha/captchas/VAERS/8C183a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8C9F35.jpeg b/src/captcha/captchas/VAERS/8C9F35.jpeg
new file mode 100644
index 00000000000..660446fbf9f
Binary files /dev/null and b/src/captcha/captchas/VAERS/8C9F35.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8Cfa66.jpeg b/src/captcha/captchas/VAERS/8Cfa66.jpeg
new file mode 100644
index 00000000000..3f44646a88c
Binary files /dev/null and b/src/captcha/captchas/VAERS/8Cfa66.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8D063d.jpeg b/src/captcha/captchas/VAERS/8D063d.jpeg
new file mode 100644
index 00000000000..2c5309604c4
Binary files /dev/null and b/src/captcha/captchas/VAERS/8D063d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8D09C5.jpeg b/src/captcha/captchas/VAERS/8D09C5.jpeg
new file mode 100644
index 00000000000..d39cd9eb1b2
Binary files /dev/null and b/src/captcha/captchas/VAERS/8D09C5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8D9b43.jpeg b/src/captcha/captchas/VAERS/8D9b43.jpeg
new file mode 100644
index 00000000000..88493da6ca3
Binary files /dev/null and b/src/captcha/captchas/VAERS/8D9b43.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8E6667.jpeg b/src/captcha/captchas/VAERS/8E6667.jpeg
new file mode 100644
index 00000000000..a35f751a825
Binary files /dev/null and b/src/captcha/captchas/VAERS/8E6667.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8E940c.jpeg b/src/captcha/captchas/VAERS/8E940c.jpeg
new file mode 100644
index 00000000000..4ec9de98157
Binary files /dev/null and b/src/captcha/captchas/VAERS/8E940c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8F98d2.jpeg b/src/captcha/captchas/VAERS/8F98d2.jpeg
new file mode 100644
index 00000000000..b973c6539f8
Binary files /dev/null and b/src/captcha/captchas/VAERS/8F98d2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8aA904.jpeg b/src/captcha/captchas/VAERS/8aA904.jpeg
new file mode 100644
index 00000000000..3213245a02a
Binary files /dev/null and b/src/captcha/captchas/VAERS/8aA904.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8baF47.jpeg b/src/captcha/captchas/VAERS/8baF47.jpeg
new file mode 100644
index 00000000000..e9008486cc5
Binary files /dev/null and b/src/captcha/captchas/VAERS/8baF47.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8eB201.jpeg b/src/captcha/captchas/VAERS/8eB201.jpeg
new file mode 100644
index 00000000000..a565b19c118
Binary files /dev/null and b/src/captcha/captchas/VAERS/8eB201.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8f6e7d.jpeg b/src/captcha/captchas/VAERS/8f6e7d.jpeg
new file mode 100644
index 00000000000..f7c90295aa0
Binary files /dev/null and b/src/captcha/captchas/VAERS/8f6e7d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8f9538.jpeg b/src/captcha/captchas/VAERS/8f9538.jpeg
new file mode 100644
index 00000000000..3cc66e28d08
Binary files /dev/null and b/src/captcha/captchas/VAERS/8f9538.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8fA909.jpeg b/src/captcha/captchas/VAERS/8fA909.jpeg
new file mode 100644
index 00000000000..0f5013eb48c
Binary files /dev/null and b/src/captcha/captchas/VAERS/8fA909.jpeg differ
diff --git a/src/captcha/captchas/VAERS/8fb3f0.jpeg b/src/captcha/captchas/VAERS/8fb3f0.jpeg
new file mode 100644
index 00000000000..a3dc8fe8f5e
Binary files /dev/null and b/src/captcha/captchas/VAERS/8fb3f0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9055aC.jpeg b/src/captcha/captchas/VAERS/9055aC.jpeg
new file mode 100644
index 00000000000..1459a681aab
Binary files /dev/null and b/src/captcha/captchas/VAERS/9055aC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/906F5A.jpeg b/src/captcha/captchas/VAERS/906F5A.jpeg
new file mode 100644
index 00000000000..01de1aa12f1
Binary files /dev/null and b/src/captcha/captchas/VAERS/906F5A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9100e5.jpeg b/src/captcha/captchas/VAERS/9100e5.jpeg
new file mode 100644
index 00000000000..ef455d06552
Binary files /dev/null and b/src/captcha/captchas/VAERS/9100e5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/911B62.jpeg b/src/captcha/captchas/VAERS/911B62.jpeg
new file mode 100644
index 00000000000..24de3a95aec
Binary files /dev/null and b/src/captcha/captchas/VAERS/911B62.jpeg differ
diff --git a/src/captcha/captchas/VAERS/918D65.jpeg b/src/captcha/captchas/VAERS/918D65.jpeg
new file mode 100644
index 00000000000..0410faa8da1
Binary files /dev/null and b/src/captcha/captchas/VAERS/918D65.jpeg differ
diff --git a/src/captcha/captchas/VAERS/91D721.jpeg b/src/captcha/captchas/VAERS/91D721.jpeg
new file mode 100644
index 00000000000..d8d3d32504e
Binary files /dev/null and b/src/captcha/captchas/VAERS/91D721.jpeg differ
diff --git a/src/captcha/captchas/VAERS/91Ec11.jpeg b/src/captcha/captchas/VAERS/91Ec11.jpeg
new file mode 100644
index 00000000000..8043ea08f93
Binary files /dev/null and b/src/captcha/captchas/VAERS/91Ec11.jpeg differ
diff --git a/src/captcha/captchas/VAERS/91Ec93.jpeg b/src/captcha/captchas/VAERS/91Ec93.jpeg
new file mode 100644
index 00000000000..267f349853d
Binary files /dev/null and b/src/captcha/captchas/VAERS/91Ec93.jpeg differ
diff --git a/src/captcha/captchas/VAERS/920CD9.jpeg b/src/captcha/captchas/VAERS/920CD9.jpeg
new file mode 100644
index 00000000000..cd3a7efd615
Binary files /dev/null and b/src/captcha/captchas/VAERS/920CD9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9226E6.jpeg b/src/captcha/captchas/VAERS/9226E6.jpeg
new file mode 100644
index 00000000000..4eff64d6385
Binary files /dev/null and b/src/captcha/captchas/VAERS/9226E6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/924C88.jpeg b/src/captcha/captchas/VAERS/924C88.jpeg
new file mode 100644
index 00000000000..c3d3a41cb34
Binary files /dev/null and b/src/captcha/captchas/VAERS/924C88.jpeg differ
diff --git a/src/captcha/captchas/VAERS/927a4b.jpeg b/src/captcha/captchas/VAERS/927a4b.jpeg
new file mode 100644
index 00000000000..d1624fb52fd
Binary files /dev/null and b/src/captcha/captchas/VAERS/927a4b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/93063A.jpeg b/src/captcha/captchas/VAERS/93063A.jpeg
new file mode 100644
index 00000000000..a4c03c1de16
Binary files /dev/null and b/src/captcha/captchas/VAERS/93063A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9362d2.jpeg b/src/captcha/captchas/VAERS/9362d2.jpeg
new file mode 100644
index 00000000000..331cc859c33
Binary files /dev/null and b/src/captcha/captchas/VAERS/9362d2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/938647.jpeg b/src/captcha/captchas/VAERS/938647.jpeg
new file mode 100644
index 00000000000..a86fd3e95c0
Binary files /dev/null and b/src/captcha/captchas/VAERS/938647.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9402eA.jpeg b/src/captcha/captchas/VAERS/9402eA.jpeg
new file mode 100644
index 00000000000..d596c48cc41
Binary files /dev/null and b/src/captcha/captchas/VAERS/9402eA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/948e72.jpeg b/src/captcha/captchas/VAERS/948e72.jpeg
new file mode 100644
index 00000000000..b51d49e4f7b
Binary files /dev/null and b/src/captcha/captchas/VAERS/948e72.jpeg differ
diff --git a/src/captcha/captchas/VAERS/94a1f3.jpeg b/src/captcha/captchas/VAERS/94a1f3.jpeg
new file mode 100644
index 00000000000..daec8a4dbac
Binary files /dev/null and b/src/captcha/captchas/VAERS/94a1f3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/94b14E.jpeg b/src/captcha/captchas/VAERS/94b14E.jpeg
new file mode 100644
index 00000000000..11771e0d506
Binary files /dev/null and b/src/captcha/captchas/VAERS/94b14E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9546a5.jpeg b/src/captcha/captchas/VAERS/9546a5.jpeg
new file mode 100644
index 00000000000..a2db8ed4f9c
Binary files /dev/null and b/src/captcha/captchas/VAERS/9546a5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/959275.jpeg b/src/captcha/captchas/VAERS/959275.jpeg
new file mode 100644
index 00000000000..4bcf3de1ad2
Binary files /dev/null and b/src/captcha/captchas/VAERS/959275.jpeg differ
diff --git a/src/captcha/captchas/VAERS/95CCFC.jpeg b/src/captcha/captchas/VAERS/95CCFC.jpeg
new file mode 100644
index 00000000000..28cdbbf3351
Binary files /dev/null and b/src/captcha/captchas/VAERS/95CCFC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/95DE63.jpeg b/src/captcha/captchas/VAERS/95DE63.jpeg
new file mode 100644
index 00000000000..c7974d7bfa1
Binary files /dev/null and b/src/captcha/captchas/VAERS/95DE63.jpeg differ
diff --git a/src/captcha/captchas/VAERS/95dCee.jpeg b/src/captcha/captchas/VAERS/95dCee.jpeg
new file mode 100644
index 00000000000..6468a99a505
Binary files /dev/null and b/src/captcha/captchas/VAERS/95dCee.jpeg differ
diff --git a/src/captcha/captchas/VAERS/95ddB4.jpeg b/src/captcha/captchas/VAERS/95ddB4.jpeg
new file mode 100644
index 00000000000..c457e92dbd1
Binary files /dev/null and b/src/captcha/captchas/VAERS/95ddB4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/96D818.jpeg b/src/captcha/captchas/VAERS/96D818.jpeg
new file mode 100644
index 00000000000..04f116f7917
Binary files /dev/null and b/src/captcha/captchas/VAERS/96D818.jpeg differ
diff --git a/src/captcha/captchas/VAERS/96d72A.jpeg b/src/captcha/captchas/VAERS/96d72A.jpeg
new file mode 100644
index 00000000000..5b3572ed1fe
Binary files /dev/null and b/src/captcha/captchas/VAERS/96d72A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/970567.jpeg b/src/captcha/captchas/VAERS/970567.jpeg
new file mode 100644
index 00000000000..0666738659c
Binary files /dev/null and b/src/captcha/captchas/VAERS/970567.jpeg differ
diff --git a/src/captcha/captchas/VAERS/972dd7.jpeg b/src/captcha/captchas/VAERS/972dd7.jpeg
new file mode 100644
index 00000000000..2bdd23cac80
Binary files /dev/null and b/src/captcha/captchas/VAERS/972dd7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9733B4.jpeg b/src/captcha/captchas/VAERS/9733B4.jpeg
new file mode 100644
index 00000000000..7faa02be1a9
Binary files /dev/null and b/src/captcha/captchas/VAERS/9733B4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/97Aee5.jpeg b/src/captcha/captchas/VAERS/97Aee5.jpeg
new file mode 100644
index 00000000000..fb29af6c109
Binary files /dev/null and b/src/captcha/captchas/VAERS/97Aee5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/97C4d4.jpeg b/src/captcha/captchas/VAERS/97C4d4.jpeg
new file mode 100644
index 00000000000..130af324175
Binary files /dev/null and b/src/captcha/captchas/VAERS/97C4d4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/97CA77.jpeg b/src/captcha/captchas/VAERS/97CA77.jpeg
new file mode 100644
index 00000000000..4e4f17c5ee5
Binary files /dev/null and b/src/captcha/captchas/VAERS/97CA77.jpeg differ
diff --git a/src/captcha/captchas/VAERS/97CfDD.jpeg b/src/captcha/captchas/VAERS/97CfDD.jpeg
new file mode 100644
index 00000000000..ef9e8983555
Binary files /dev/null and b/src/captcha/captchas/VAERS/97CfDD.jpeg differ
diff --git a/src/captcha/captchas/VAERS/97a857.jpeg b/src/captcha/captchas/VAERS/97a857.jpeg
new file mode 100644
index 00000000000..af8593c9d23
Binary files /dev/null and b/src/captcha/captchas/VAERS/97a857.jpeg differ
diff --git a/src/captcha/captchas/VAERS/97dF0B.jpeg b/src/captcha/captchas/VAERS/97dF0B.jpeg
new file mode 100644
index 00000000000..88d1f52103a
Binary files /dev/null and b/src/captcha/captchas/VAERS/97dF0B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/97e90f.jpeg b/src/captcha/captchas/VAERS/97e90f.jpeg
new file mode 100644
index 00000000000..b7b6120e69d
Binary files /dev/null and b/src/captcha/captchas/VAERS/97e90f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/982A4D.jpeg b/src/captcha/captchas/VAERS/982A4D.jpeg
new file mode 100644
index 00000000000..54a174bffb5
Binary files /dev/null and b/src/captcha/captchas/VAERS/982A4D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/98439f.jpeg b/src/captcha/captchas/VAERS/98439f.jpeg
new file mode 100644
index 00000000000..d4b5bfc0a8c
Binary files /dev/null and b/src/captcha/captchas/VAERS/98439f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/98BaB5.jpeg b/src/captcha/captchas/VAERS/98BaB5.jpeg
new file mode 100644
index 00000000000..e3953f381eb
Binary files /dev/null and b/src/captcha/captchas/VAERS/98BaB5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/98ca83.jpeg b/src/captcha/captchas/VAERS/98ca83.jpeg
new file mode 100644
index 00000000000..2eae7e592b9
Binary files /dev/null and b/src/captcha/captchas/VAERS/98ca83.jpeg differ
diff --git a/src/captcha/captchas/VAERS/992373.jpeg b/src/captcha/captchas/VAERS/992373.jpeg
new file mode 100644
index 00000000000..107108bfda8
Binary files /dev/null and b/src/captcha/captchas/VAERS/992373.jpeg differ
diff --git a/src/captcha/captchas/VAERS/993B83.jpeg b/src/captcha/captchas/VAERS/993B83.jpeg
new file mode 100644
index 00000000000..7e7ee21d749
Binary files /dev/null and b/src/captcha/captchas/VAERS/993B83.jpeg differ
diff --git a/src/captcha/captchas/VAERS/998807.jpeg b/src/captcha/captchas/VAERS/998807.jpeg
new file mode 100644
index 00000000000..602c4cbc50b
Binary files /dev/null and b/src/captcha/captchas/VAERS/998807.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9997e0.jpeg b/src/captcha/captchas/VAERS/9997e0.jpeg
new file mode 100644
index 00000000000..ef1e3356a03
Binary files /dev/null and b/src/captcha/captchas/VAERS/9997e0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/99B648.jpeg b/src/captcha/captchas/VAERS/99B648.jpeg
new file mode 100644
index 00000000000..81e209ac982
Binary files /dev/null and b/src/captcha/captchas/VAERS/99B648.jpeg differ
diff --git a/src/captcha/captchas/VAERS/99BF50.jpeg b/src/captcha/captchas/VAERS/99BF50.jpeg
new file mode 100644
index 00000000000..c3854184bf1
Binary files /dev/null and b/src/captcha/captchas/VAERS/99BF50.jpeg differ
diff --git a/src/captcha/captchas/VAERS/99C3AD.jpeg b/src/captcha/captchas/VAERS/99C3AD.jpeg
new file mode 100644
index 00000000000..d7ce2d5c906
Binary files /dev/null and b/src/captcha/captchas/VAERS/99C3AD.jpeg differ
diff --git a/src/captcha/captchas/VAERS/99dB4d.jpeg b/src/captcha/captchas/VAERS/99dB4d.jpeg
new file mode 100644
index 00000000000..dc5c8635476
Binary files /dev/null and b/src/captcha/captchas/VAERS/99dB4d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9A474F.jpeg b/src/captcha/captchas/VAERS/9A474F.jpeg
new file mode 100644
index 00000000000..e493e9bcf7a
Binary files /dev/null and b/src/captcha/captchas/VAERS/9A474F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9B30AD.jpeg b/src/captcha/captchas/VAERS/9B30AD.jpeg
new file mode 100644
index 00000000000..2f562ef35fd
Binary files /dev/null and b/src/captcha/captchas/VAERS/9B30AD.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9BA8f9.jpeg b/src/captcha/captchas/VAERS/9BA8f9.jpeg
new file mode 100644
index 00000000000..1b41cf32e3d
Binary files /dev/null and b/src/captcha/captchas/VAERS/9BA8f9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9C507e.jpeg b/src/captcha/captchas/VAERS/9C507e.jpeg
new file mode 100644
index 00000000000..22a584bb9d5
Binary files /dev/null and b/src/captcha/captchas/VAERS/9C507e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9C5b41.jpeg b/src/captcha/captchas/VAERS/9C5b41.jpeg
new file mode 100644
index 00000000000..9bb57a96b62
Binary files /dev/null and b/src/captcha/captchas/VAERS/9C5b41.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9D8e99.jpeg b/src/captcha/captchas/VAERS/9D8e99.jpeg
new file mode 100644
index 00000000000..40ea146b4ab
Binary files /dev/null and b/src/captcha/captchas/VAERS/9D8e99.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9E3A85.jpeg b/src/captcha/captchas/VAERS/9E3A85.jpeg
new file mode 100644
index 00000000000..511d22483fe
Binary files /dev/null and b/src/captcha/captchas/VAERS/9E3A85.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9a6874.jpeg b/src/captcha/captchas/VAERS/9a6874.jpeg
new file mode 100644
index 00000000000..97a6d85d4b3
Binary files /dev/null and b/src/captcha/captchas/VAERS/9a6874.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9aE513.jpeg b/src/captcha/captchas/VAERS/9aE513.jpeg
new file mode 100644
index 00000000000..ae9796445cc
Binary files /dev/null and b/src/captcha/captchas/VAERS/9aE513.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9aEad5.jpeg b/src/captcha/captchas/VAERS/9aEad5.jpeg
new file mode 100644
index 00000000000..109f7cef52d
Binary files /dev/null and b/src/captcha/captchas/VAERS/9aEad5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9dA57D.jpeg b/src/captcha/captchas/VAERS/9dA57D.jpeg
new file mode 100644
index 00000000000..fa9660ab1b0
Binary files /dev/null and b/src/captcha/captchas/VAERS/9dA57D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9dd987.jpeg b/src/captcha/captchas/VAERS/9dd987.jpeg
new file mode 100644
index 00000000000..2e53fb1e960
Binary files /dev/null and b/src/captcha/captchas/VAERS/9dd987.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9e0432.jpeg b/src/captcha/captchas/VAERS/9e0432.jpeg
new file mode 100644
index 00000000000..33259311120
Binary files /dev/null and b/src/captcha/captchas/VAERS/9e0432.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9e0D84.jpeg b/src/captcha/captchas/VAERS/9e0D84.jpeg
new file mode 100644
index 00000000000..ec6e0a92b7a
Binary files /dev/null and b/src/captcha/captchas/VAERS/9e0D84.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9e9E55.jpeg b/src/captcha/captchas/VAERS/9e9E55.jpeg
new file mode 100644
index 00000000000..3dcb6a6586a
Binary files /dev/null and b/src/captcha/captchas/VAERS/9e9E55.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9eb497.jpeg b/src/captcha/captchas/VAERS/9eb497.jpeg
new file mode 100644
index 00000000000..523f2752fd3
Binary files /dev/null and b/src/captcha/captchas/VAERS/9eb497.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9f28b9.jpeg b/src/captcha/captchas/VAERS/9f28b9.jpeg
new file mode 100644
index 00000000000..6315b4debdd
Binary files /dev/null and b/src/captcha/captchas/VAERS/9f28b9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/9f604E.jpeg b/src/captcha/captchas/VAERS/9f604E.jpeg
new file mode 100644
index 00000000000..dccfd8d8f67
Binary files /dev/null and b/src/captcha/captchas/VAERS/9f604E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A01e00.jpeg b/src/captcha/captchas/VAERS/A01e00.jpeg
new file mode 100644
index 00000000000..acb5faf7794
Binary files /dev/null and b/src/captcha/captchas/VAERS/A01e00.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A15bA7.jpeg b/src/captcha/captchas/VAERS/A15bA7.jpeg
new file mode 100644
index 00000000000..dcb2aab1992
Binary files /dev/null and b/src/captcha/captchas/VAERS/A15bA7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A17f52.jpeg b/src/captcha/captchas/VAERS/A17f52.jpeg
new file mode 100644
index 00000000000..ec8c2007285
Binary files /dev/null and b/src/captcha/captchas/VAERS/A17f52.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A20040.jpeg b/src/captcha/captchas/VAERS/A20040.jpeg
new file mode 100644
index 00000000000..d2b52dfefb0
Binary files /dev/null and b/src/captcha/captchas/VAERS/A20040.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A2C82B.jpeg b/src/captcha/captchas/VAERS/A2C82B.jpeg
new file mode 100644
index 00000000000..da6e289f012
Binary files /dev/null and b/src/captcha/captchas/VAERS/A2C82B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A2bc0c.jpeg b/src/captcha/captchas/VAERS/A2bc0c.jpeg
new file mode 100644
index 00000000000..9322f17cc97
Binary files /dev/null and b/src/captcha/captchas/VAERS/A2bc0c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A3010e.jpeg b/src/captcha/captchas/VAERS/A3010e.jpeg
new file mode 100644
index 00000000000..c58b007a052
Binary files /dev/null and b/src/captcha/captchas/VAERS/A3010e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A3ab81.jpeg b/src/captcha/captchas/VAERS/A3ab81.jpeg
new file mode 100644
index 00000000000..d1c99ac446e
Binary files /dev/null and b/src/captcha/captchas/VAERS/A3ab81.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A41844.jpeg b/src/captcha/captchas/VAERS/A41844.jpeg
new file mode 100644
index 00000000000..4052f754112
Binary files /dev/null and b/src/captcha/captchas/VAERS/A41844.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A4184C.jpeg b/src/captcha/captchas/VAERS/A4184C.jpeg
new file mode 100644
index 00000000000..d611c67ba96
Binary files /dev/null and b/src/captcha/captchas/VAERS/A4184C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A42721.jpeg b/src/captcha/captchas/VAERS/A42721.jpeg
new file mode 100644
index 00000000000..3d02a5dc516
Binary files /dev/null and b/src/captcha/captchas/VAERS/A42721.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A4847B.jpeg b/src/captcha/captchas/VAERS/A4847B.jpeg
new file mode 100644
index 00000000000..7efc1ccc6ef
Binary files /dev/null and b/src/captcha/captchas/VAERS/A4847B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A4eaaC.jpeg b/src/captcha/captchas/VAERS/A4eaaC.jpeg
new file mode 100644
index 00000000000..152cb717e58
Binary files /dev/null and b/src/captcha/captchas/VAERS/A4eaaC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A543C5.jpeg b/src/captcha/captchas/VAERS/A543C5.jpeg
new file mode 100644
index 00000000000..c072ea7ae6e
Binary files /dev/null and b/src/captcha/captchas/VAERS/A543C5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A58A9d.jpeg b/src/captcha/captchas/VAERS/A58A9d.jpeg
new file mode 100644
index 00000000000..b1b6e861af0
Binary files /dev/null and b/src/captcha/captchas/VAERS/A58A9d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A591E2.jpeg b/src/captcha/captchas/VAERS/A591E2.jpeg
new file mode 100644
index 00000000000..e1702167caf
Binary files /dev/null and b/src/captcha/captchas/VAERS/A591E2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A5D8FC.jpeg b/src/captcha/captchas/VAERS/A5D8FC.jpeg
new file mode 100644
index 00000000000..87be471ee7b
Binary files /dev/null and b/src/captcha/captchas/VAERS/A5D8FC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A6E75a.jpeg b/src/captcha/captchas/VAERS/A6E75a.jpeg
new file mode 100644
index 00000000000..652c6ea1ab3
Binary files /dev/null and b/src/captcha/captchas/VAERS/A6E75a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A71c91.jpeg b/src/captcha/captchas/VAERS/A71c91.jpeg
new file mode 100644
index 00000000000..769b28ec4da
Binary files /dev/null and b/src/captcha/captchas/VAERS/A71c91.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A7431c.jpeg b/src/captcha/captchas/VAERS/A7431c.jpeg
new file mode 100644
index 00000000000..d6c0aef9687
Binary files /dev/null and b/src/captcha/captchas/VAERS/A7431c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A7a470.jpeg b/src/captcha/captchas/VAERS/A7a470.jpeg
new file mode 100644
index 00000000000..82ee50b1c0b
Binary files /dev/null and b/src/captcha/captchas/VAERS/A7a470.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A8D7F4.jpeg b/src/captcha/captchas/VAERS/A8D7F4.jpeg
new file mode 100644
index 00000000000..6256e5feb91
Binary files /dev/null and b/src/captcha/captchas/VAERS/A8D7F4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A8a296.jpeg b/src/captcha/captchas/VAERS/A8a296.jpeg
new file mode 100644
index 00000000000..e4f3f6932b4
Binary files /dev/null and b/src/captcha/captchas/VAERS/A8a296.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A91d98.jpeg b/src/captcha/captchas/VAERS/A91d98.jpeg
new file mode 100644
index 00000000000..919e8e8029e
Binary files /dev/null and b/src/captcha/captchas/VAERS/A91d98.jpeg differ
diff --git a/src/captcha/captchas/VAERS/A94Ebf.jpeg b/src/captcha/captchas/VAERS/A94Ebf.jpeg
new file mode 100644
index 00000000000..93048040ffe
Binary files /dev/null and b/src/captcha/captchas/VAERS/A94Ebf.jpeg differ
diff --git a/src/captcha/captchas/VAERS/AA35c9.jpeg b/src/captcha/captchas/VAERS/AA35c9.jpeg
new file mode 100644
index 00000000000..2a71abd68eb
Binary files /dev/null and b/src/captcha/captchas/VAERS/AA35c9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ABE158.jpeg b/src/captcha/captchas/VAERS/ABE158.jpeg
new file mode 100644
index 00000000000..f42580c62b0
Binary files /dev/null and b/src/captcha/captchas/VAERS/ABE158.jpeg differ
diff --git a/src/captcha/captchas/VAERS/AD3b90.jpeg b/src/captcha/captchas/VAERS/AD3b90.jpeg
new file mode 100644
index 00000000000..3f6a6e4595c
Binary files /dev/null and b/src/captcha/captchas/VAERS/AD3b90.jpeg differ
diff --git a/src/captcha/captchas/VAERS/AD6612.jpeg b/src/captcha/captchas/VAERS/AD6612.jpeg
new file mode 100644
index 00000000000..2b9498f24ac
Binary files /dev/null and b/src/captcha/captchas/VAERS/AD6612.jpeg differ
diff --git a/src/captcha/captchas/VAERS/AF6956.jpeg b/src/captcha/captchas/VAERS/AF6956.jpeg
new file mode 100644
index 00000000000..2f4b882fea6
Binary files /dev/null and b/src/captcha/captchas/VAERS/AF6956.jpeg differ
diff --git a/src/captcha/captchas/VAERS/AF9187.jpeg b/src/captcha/captchas/VAERS/AF9187.jpeg
new file mode 100644
index 00000000000..fca5fb5986f
Binary files /dev/null and b/src/captcha/captchas/VAERS/AF9187.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Aa52b1.jpeg b/src/captcha/captchas/VAERS/Aa52b1.jpeg
new file mode 100644
index 00000000000..6a1f17bd6c4
Binary files /dev/null and b/src/captcha/captchas/VAERS/Aa52b1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ab5f31.jpeg b/src/captcha/captchas/VAERS/Ab5f31.jpeg
new file mode 100644
index 00000000000..4d114ac957c
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ab5f31.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ab6cA6.jpeg b/src/captcha/captchas/VAERS/Ab6cA6.jpeg
new file mode 100644
index 00000000000..f5a75475e83
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ab6cA6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Abb3e4.jpeg b/src/captcha/captchas/VAERS/Abb3e4.jpeg
new file mode 100644
index 00000000000..1004f0cb308
Binary files /dev/null and b/src/captcha/captchas/VAERS/Abb3e4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ad1cf2.jpeg b/src/captcha/captchas/VAERS/Ad1cf2.jpeg
new file mode 100644
index 00000000000..b2fae6deca2
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ad1cf2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ad4180.jpeg b/src/captcha/captchas/VAERS/Ad4180.jpeg
new file mode 100644
index 00000000000..6dd0e193a15
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ad4180.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ad6017.jpeg b/src/captcha/captchas/VAERS/Ad6017.jpeg
new file mode 100644
index 00000000000..e4871645743
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ad6017.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ae0353.jpeg b/src/captcha/captchas/VAERS/Ae0353.jpeg
new file mode 100644
index 00000000000..c2b88d5cce6
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ae0353.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Af33f8.jpeg b/src/captcha/captchas/VAERS/Af33f8.jpeg
new file mode 100644
index 00000000000..caffb618376
Binary files /dev/null and b/src/captcha/captchas/VAERS/Af33f8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B0510C.jpeg b/src/captcha/captchas/VAERS/B0510C.jpeg
new file mode 100644
index 00000000000..3ae0601e27c
Binary files /dev/null and b/src/captcha/captchas/VAERS/B0510C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B1119e.jpeg b/src/captcha/captchas/VAERS/B1119e.jpeg
new file mode 100644
index 00000000000..3fb571fa91a
Binary files /dev/null and b/src/captcha/captchas/VAERS/B1119e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B2146A.jpeg b/src/captcha/captchas/VAERS/B2146A.jpeg
new file mode 100644
index 00000000000..5bb6773eb30
Binary files /dev/null and b/src/captcha/captchas/VAERS/B2146A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B2bC5F.jpeg b/src/captcha/captchas/VAERS/B2bC5F.jpeg
new file mode 100644
index 00000000000..a28023c7f63
Binary files /dev/null and b/src/captcha/captchas/VAERS/B2bC5F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B4d3EA.jpeg b/src/captcha/captchas/VAERS/B4d3EA.jpeg
new file mode 100644
index 00000000000..8b64d489b8e
Binary files /dev/null and b/src/captcha/captchas/VAERS/B4d3EA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B540e4.jpeg b/src/captcha/captchas/VAERS/B540e4.jpeg
new file mode 100644
index 00000000000..9aee122e771
Binary files /dev/null and b/src/captcha/captchas/VAERS/B540e4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B5E334.jpeg b/src/captcha/captchas/VAERS/B5E334.jpeg
new file mode 100644
index 00000000000..0e432fc72a9
Binary files /dev/null and b/src/captcha/captchas/VAERS/B5E334.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B637Cc.jpeg b/src/captcha/captchas/VAERS/B637Cc.jpeg
new file mode 100644
index 00000000000..b187821efde
Binary files /dev/null and b/src/captcha/captchas/VAERS/B637Cc.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B65343.jpeg b/src/captcha/captchas/VAERS/B65343.jpeg
new file mode 100644
index 00000000000..2da5c4b5834
Binary files /dev/null and b/src/captcha/captchas/VAERS/B65343.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B661D8.jpeg b/src/captcha/captchas/VAERS/B661D8.jpeg
new file mode 100644
index 00000000000..6d902f080fd
Binary files /dev/null and b/src/captcha/captchas/VAERS/B661D8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B77D09.jpeg b/src/captcha/captchas/VAERS/B77D09.jpeg
new file mode 100644
index 00000000000..3bf14e0bc60
Binary files /dev/null and b/src/captcha/captchas/VAERS/B77D09.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B817d4.jpeg b/src/captcha/captchas/VAERS/B817d4.jpeg
new file mode 100644
index 00000000000..a9a1ef36e2e
Binary files /dev/null and b/src/captcha/captchas/VAERS/B817d4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B86606.jpeg b/src/captcha/captchas/VAERS/B86606.jpeg
new file mode 100644
index 00000000000..cece856aaa8
Binary files /dev/null and b/src/captcha/captchas/VAERS/B86606.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B8A05a.jpeg b/src/captcha/captchas/VAERS/B8A05a.jpeg
new file mode 100644
index 00000000000..d5aa9bfbeda
Binary files /dev/null and b/src/captcha/captchas/VAERS/B8A05a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B8de16.jpeg b/src/captcha/captchas/VAERS/B8de16.jpeg
new file mode 100644
index 00000000000..d6bbd2a994b
Binary files /dev/null and b/src/captcha/captchas/VAERS/B8de16.jpeg differ
diff --git a/src/captcha/captchas/VAERS/B9C7ec.jpeg b/src/captcha/captchas/VAERS/B9C7ec.jpeg
new file mode 100644
index 00000000000..6b80aad54db
Binary files /dev/null and b/src/captcha/captchas/VAERS/B9C7ec.jpeg differ
diff --git a/src/captcha/captchas/VAERS/BB029A.jpeg b/src/captcha/captchas/VAERS/BB029A.jpeg
new file mode 100644
index 00000000000..236e9b353f8
Binary files /dev/null and b/src/captcha/captchas/VAERS/BB029A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/BB557d.jpeg b/src/captcha/captchas/VAERS/BB557d.jpeg
new file mode 100644
index 00000000000..33ab3c950f1
Binary files /dev/null and b/src/captcha/captchas/VAERS/BB557d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/BC3D52.jpeg b/src/captcha/captchas/VAERS/BC3D52.jpeg
new file mode 100644
index 00000000000..d230130a7ba
Binary files /dev/null and b/src/captcha/captchas/VAERS/BC3D52.jpeg differ
diff --git a/src/captcha/captchas/VAERS/BD8fb5.jpeg b/src/captcha/captchas/VAERS/BD8fb5.jpeg
new file mode 100644
index 00000000000..bc56d3f44f1
Binary files /dev/null and b/src/captcha/captchas/VAERS/BD8fb5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/BE3b50.jpeg b/src/captcha/captchas/VAERS/BE3b50.jpeg
new file mode 100644
index 00000000000..b5450775fa4
Binary files /dev/null and b/src/captcha/captchas/VAERS/BE3b50.jpeg differ
diff --git a/src/captcha/captchas/VAERS/BF1aEb.jpeg b/src/captcha/captchas/VAERS/BF1aEb.jpeg
new file mode 100644
index 00000000000..010b90ec361
Binary files /dev/null and b/src/captcha/captchas/VAERS/BF1aEb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Bb3077.jpeg b/src/captcha/captchas/VAERS/Bb3077.jpeg
new file mode 100644
index 00000000000..1cf07fff78c
Binary files /dev/null and b/src/captcha/captchas/VAERS/Bb3077.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Bb6CF8.jpeg b/src/captcha/captchas/VAERS/Bb6CF8.jpeg
new file mode 100644
index 00000000000..c47721faf82
Binary files /dev/null and b/src/captcha/captchas/VAERS/Bb6CF8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Bba596.jpeg b/src/captcha/captchas/VAERS/Bba596.jpeg
new file mode 100644
index 00000000000..5e166616a40
Binary files /dev/null and b/src/captcha/captchas/VAERS/Bba596.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Bc1a18.jpeg b/src/captcha/captchas/VAERS/Bc1a18.jpeg
new file mode 100644
index 00000000000..e1ad3897460
Binary files /dev/null and b/src/captcha/captchas/VAERS/Bc1a18.jpeg differ
diff --git a/src/captcha/captchas/VAERS/BcC969.jpeg b/src/captcha/captchas/VAERS/BcC969.jpeg
new file mode 100644
index 00000000000..4c7224011f1
Binary files /dev/null and b/src/captcha/captchas/VAERS/BcC969.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Bd8e94.jpeg b/src/captcha/captchas/VAERS/Bd8e94.jpeg
new file mode 100644
index 00000000000..b9f4846b02e
Binary files /dev/null and b/src/captcha/captchas/VAERS/Bd8e94.jpeg differ
diff --git a/src/captcha/captchas/VAERS/BdE93C.jpeg b/src/captcha/captchas/VAERS/BdE93C.jpeg
new file mode 100644
index 00000000000..6d7a79b1345
Binary files /dev/null and b/src/captcha/captchas/VAERS/BdE93C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C0919C.jpeg b/src/captcha/captchas/VAERS/C0919C.jpeg
new file mode 100644
index 00000000000..38b284b15d5
Binary files /dev/null and b/src/captcha/captchas/VAERS/C0919C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C25b65.jpeg b/src/captcha/captchas/VAERS/C25b65.jpeg
new file mode 100644
index 00000000000..cf9ab79c396
Binary files /dev/null and b/src/captcha/captchas/VAERS/C25b65.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C2F8Cd.jpeg b/src/captcha/captchas/VAERS/C2F8Cd.jpeg
new file mode 100644
index 00000000000..81d811df603
Binary files /dev/null and b/src/captcha/captchas/VAERS/C2F8Cd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C44E6f.jpeg b/src/captcha/captchas/VAERS/C44E6f.jpeg
new file mode 100644
index 00000000000..77c3122da36
Binary files /dev/null and b/src/captcha/captchas/VAERS/C44E6f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C59F12.jpeg b/src/captcha/captchas/VAERS/C59F12.jpeg
new file mode 100644
index 00000000000..044923c798c
Binary files /dev/null and b/src/captcha/captchas/VAERS/C59F12.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C59f85.jpeg b/src/captcha/captchas/VAERS/C59f85.jpeg
new file mode 100644
index 00000000000..5920ae15cbf
Binary files /dev/null and b/src/captcha/captchas/VAERS/C59f85.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C5ff14.jpeg b/src/captcha/captchas/VAERS/C5ff14.jpeg
new file mode 100644
index 00000000000..c29e43ac1bf
Binary files /dev/null and b/src/captcha/captchas/VAERS/C5ff14.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C66a20.jpeg b/src/captcha/captchas/VAERS/C66a20.jpeg
new file mode 100644
index 00000000000..b4354677d74
Binary files /dev/null and b/src/captcha/captchas/VAERS/C66a20.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C671Aa.jpeg b/src/captcha/captchas/VAERS/C671Aa.jpeg
new file mode 100644
index 00000000000..0bf602a0400
Binary files /dev/null and b/src/captcha/captchas/VAERS/C671Aa.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C6D072.jpeg b/src/captcha/captchas/VAERS/C6D072.jpeg
new file mode 100644
index 00000000000..ec83e4e6445
Binary files /dev/null and b/src/captcha/captchas/VAERS/C6D072.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C70584.jpeg b/src/captcha/captchas/VAERS/C70584.jpeg
new file mode 100644
index 00000000000..93a014b1476
Binary files /dev/null and b/src/captcha/captchas/VAERS/C70584.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C70Dc1.jpeg b/src/captcha/captchas/VAERS/C70Dc1.jpeg
new file mode 100644
index 00000000000..2bbd58726df
Binary files /dev/null and b/src/captcha/captchas/VAERS/C70Dc1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C86D2C.jpeg b/src/captcha/captchas/VAERS/C86D2C.jpeg
new file mode 100644
index 00000000000..fca02be613f
Binary files /dev/null and b/src/captcha/captchas/VAERS/C86D2C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C88A4b.jpeg b/src/captcha/captchas/VAERS/C88A4b.jpeg
new file mode 100644
index 00000000000..f6b54857d0b
Binary files /dev/null and b/src/captcha/captchas/VAERS/C88A4b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C9046d.jpeg b/src/captcha/captchas/VAERS/C9046d.jpeg
new file mode 100644
index 00000000000..087231b1c32
Binary files /dev/null and b/src/captcha/captchas/VAERS/C9046d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/C9fc80.jpeg b/src/captcha/captchas/VAERS/C9fc80.jpeg
new file mode 100644
index 00000000000..286bdef4660
Binary files /dev/null and b/src/captcha/captchas/VAERS/C9fc80.jpeg differ
diff --git a/src/captcha/captchas/VAERS/CAE46D.jpeg b/src/captcha/captchas/VAERS/CAE46D.jpeg
new file mode 100644
index 00000000000..adba3894a22
Binary files /dev/null and b/src/captcha/captchas/VAERS/CAE46D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/CC6011.jpeg b/src/captcha/captchas/VAERS/CC6011.jpeg
new file mode 100644
index 00000000000..6d77c952004
Binary files /dev/null and b/src/captcha/captchas/VAERS/CC6011.jpeg differ
diff --git a/src/captcha/captchas/VAERS/CD5b86.jpeg b/src/captcha/captchas/VAERS/CD5b86.jpeg
new file mode 100644
index 00000000000..c4166f96440
Binary files /dev/null and b/src/captcha/captchas/VAERS/CD5b86.jpeg differ
diff --git a/src/captcha/captchas/VAERS/CDd014.jpeg b/src/captcha/captchas/VAERS/CDd014.jpeg
new file mode 100644
index 00000000000..669c8482518
Binary files /dev/null and b/src/captcha/captchas/VAERS/CDd014.jpeg differ
diff --git a/src/captcha/captchas/VAERS/CF2Aeb.jpeg b/src/captcha/captchas/VAERS/CF2Aeb.jpeg
new file mode 100644
index 00000000000..7f55d9808cb
Binary files /dev/null and b/src/captcha/captchas/VAERS/CF2Aeb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/CF34A4.jpeg b/src/captcha/captchas/VAERS/CF34A4.jpeg
new file mode 100644
index 00000000000..c06b4f19d83
Binary files /dev/null and b/src/captcha/captchas/VAERS/CF34A4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ca0fEB.jpeg b/src/captcha/captchas/VAERS/Ca0fEB.jpeg
new file mode 100644
index 00000000000..82e4294eaca
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ca0fEB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Cb13f3.jpeg b/src/captcha/captchas/VAERS/Cb13f3.jpeg
new file mode 100644
index 00000000000..73c43c35ed4
Binary files /dev/null and b/src/captcha/captchas/VAERS/Cb13f3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Cd3cFC.jpeg b/src/captcha/captchas/VAERS/Cd3cFC.jpeg
new file mode 100644
index 00000000000..368b30fe6f6
Binary files /dev/null and b/src/captcha/captchas/VAERS/Cd3cFC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ce0425.jpeg b/src/captcha/captchas/VAERS/Ce0425.jpeg
new file mode 100644
index 00000000000..97cdef01828
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ce0425.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Cf7e14.jpeg b/src/captcha/captchas/VAERS/Cf7e14.jpeg
new file mode 100644
index 00000000000..ce3eb6de79a
Binary files /dev/null and b/src/captcha/captchas/VAERS/Cf7e14.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D05287.jpeg b/src/captcha/captchas/VAERS/D05287.jpeg
new file mode 100644
index 00000000000..228543e5493
Binary files /dev/null and b/src/captcha/captchas/VAERS/D05287.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D0E3F3.jpeg b/src/captcha/captchas/VAERS/D0E3F3.jpeg
new file mode 100644
index 00000000000..75247bbd542
Binary files /dev/null and b/src/captcha/captchas/VAERS/D0E3F3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D0cBdB.jpeg b/src/captcha/captchas/VAERS/D0cBdB.jpeg
new file mode 100644
index 00000000000..5f4d8ba7145
Binary files /dev/null and b/src/captcha/captchas/VAERS/D0cBdB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D0e041.jpeg b/src/captcha/captchas/VAERS/D0e041.jpeg
new file mode 100644
index 00000000000..c6882511e11
Binary files /dev/null and b/src/captcha/captchas/VAERS/D0e041.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D15e55.jpeg b/src/captcha/captchas/VAERS/D15e55.jpeg
new file mode 100644
index 00000000000..c220a9840f5
Binary files /dev/null and b/src/captcha/captchas/VAERS/D15e55.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D1e319.jpeg b/src/captcha/captchas/VAERS/D1e319.jpeg
new file mode 100644
index 00000000000..39230ba9738
Binary files /dev/null and b/src/captcha/captchas/VAERS/D1e319.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D383A1.jpeg b/src/captcha/captchas/VAERS/D383A1.jpeg
new file mode 100644
index 00000000000..34a13e8b314
Binary files /dev/null and b/src/captcha/captchas/VAERS/D383A1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D3A061.jpeg b/src/captcha/captchas/VAERS/D3A061.jpeg
new file mode 100644
index 00000000000..30502f36e6f
Binary files /dev/null and b/src/captcha/captchas/VAERS/D3A061.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D3F411.jpeg b/src/captcha/captchas/VAERS/D3F411.jpeg
new file mode 100644
index 00000000000..9e4b5646c0d
Binary files /dev/null and b/src/captcha/captchas/VAERS/D3F411.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D3b9D4.jpeg b/src/captcha/captchas/VAERS/D3b9D4.jpeg
new file mode 100644
index 00000000000..66c30a5c335
Binary files /dev/null and b/src/captcha/captchas/VAERS/D3b9D4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D3e2e9.jpeg b/src/captcha/captchas/VAERS/D3e2e9.jpeg
new file mode 100644
index 00000000000..72fc4e4e498
Binary files /dev/null and b/src/captcha/captchas/VAERS/D3e2e9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D464C3.jpeg b/src/captcha/captchas/VAERS/D464C3.jpeg
new file mode 100644
index 00000000000..315858f58e0
Binary files /dev/null and b/src/captcha/captchas/VAERS/D464C3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D487c8.jpeg b/src/captcha/captchas/VAERS/D487c8.jpeg
new file mode 100644
index 00000000000..0786a17e204
Binary files /dev/null and b/src/captcha/captchas/VAERS/D487c8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D4F237.jpeg b/src/captcha/captchas/VAERS/D4F237.jpeg
new file mode 100644
index 00000000000..622f1619a0d
Binary files /dev/null and b/src/captcha/captchas/VAERS/D4F237.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D4aa57.jpeg b/src/captcha/captchas/VAERS/D4aa57.jpeg
new file mode 100644
index 00000000000..7e4d0624391
Binary files /dev/null and b/src/captcha/captchas/VAERS/D4aa57.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D56384.jpeg b/src/captcha/captchas/VAERS/D56384.jpeg
new file mode 100644
index 00000000000..00d0b0d9a99
Binary files /dev/null and b/src/captcha/captchas/VAERS/D56384.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D56d44.jpeg b/src/captcha/captchas/VAERS/D56d44.jpeg
new file mode 100644
index 00000000000..a18bc43412d
Binary files /dev/null and b/src/captcha/captchas/VAERS/D56d44.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D58Bc1.jpeg b/src/captcha/captchas/VAERS/D58Bc1.jpeg
new file mode 100644
index 00000000000..a0a055af939
Binary files /dev/null and b/src/captcha/captchas/VAERS/D58Bc1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D5a364.jpeg b/src/captcha/captchas/VAERS/D5a364.jpeg
new file mode 100644
index 00000000000..d0b5496e66f
Binary files /dev/null and b/src/captcha/captchas/VAERS/D5a364.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D6140c.jpeg b/src/captcha/captchas/VAERS/D6140c.jpeg
new file mode 100644
index 00000000000..91986b56662
Binary files /dev/null and b/src/captcha/captchas/VAERS/D6140c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D62D67.jpeg b/src/captcha/captchas/VAERS/D62D67.jpeg
new file mode 100644
index 00000000000..bbdc6440e8c
Binary files /dev/null and b/src/captcha/captchas/VAERS/D62D67.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D6481B.jpeg b/src/captcha/captchas/VAERS/D6481B.jpeg
new file mode 100644
index 00000000000..9a06f69df27
Binary files /dev/null and b/src/captcha/captchas/VAERS/D6481B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D6719c.jpeg b/src/captcha/captchas/VAERS/D6719c.jpeg
new file mode 100644
index 00000000000..904fda7c04e
Binary files /dev/null and b/src/captcha/captchas/VAERS/D6719c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D67F57.jpeg b/src/captcha/captchas/VAERS/D67F57.jpeg
new file mode 100644
index 00000000000..f5566a294b6
Binary files /dev/null and b/src/captcha/captchas/VAERS/D67F57.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D7918D.jpeg b/src/captcha/captchas/VAERS/D7918D.jpeg
new file mode 100644
index 00000000000..ad7cf55aad5
Binary files /dev/null and b/src/captcha/captchas/VAERS/D7918D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D7d67F.jpeg b/src/captcha/captchas/VAERS/D7d67F.jpeg
new file mode 100644
index 00000000000..a600a6e593b
Binary files /dev/null and b/src/captcha/captchas/VAERS/D7d67F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D83d9A.jpeg b/src/captcha/captchas/VAERS/D83d9A.jpeg
new file mode 100644
index 00000000000..345297efebb
Binary files /dev/null and b/src/captcha/captchas/VAERS/D83d9A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/D85dDd.jpeg b/src/captcha/captchas/VAERS/D85dDd.jpeg
new file mode 100644
index 00000000000..e8f14f851d1
Binary files /dev/null and b/src/captcha/captchas/VAERS/D85dDd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DA3d04.jpeg b/src/captcha/captchas/VAERS/DA3d04.jpeg
new file mode 100644
index 00000000000..efd9aa0aee1
Binary files /dev/null and b/src/captcha/captchas/VAERS/DA3d04.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DAf52f.jpeg b/src/captcha/captchas/VAERS/DAf52f.jpeg
new file mode 100644
index 00000000000..d34399acecf
Binary files /dev/null and b/src/captcha/captchas/VAERS/DAf52f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DB3366.jpeg b/src/captcha/captchas/VAERS/DB3366.jpeg
new file mode 100644
index 00000000000..77e656d59fe
Binary files /dev/null and b/src/captcha/captchas/VAERS/DB3366.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DB88A8.jpeg b/src/captcha/captchas/VAERS/DB88A8.jpeg
new file mode 100644
index 00000000000..8609b9acf32
Binary files /dev/null and b/src/captcha/captchas/VAERS/DB88A8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DE102f.jpeg b/src/captcha/captchas/VAERS/DE102f.jpeg
new file mode 100644
index 00000000000..1636faa2fdb
Binary files /dev/null and b/src/captcha/captchas/VAERS/DE102f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DE879d.jpeg b/src/captcha/captchas/VAERS/DE879d.jpeg
new file mode 100644
index 00000000000..a5ffeaa3ea4
Binary files /dev/null and b/src/captcha/captchas/VAERS/DE879d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DEF6C6.jpeg b/src/captcha/captchas/VAERS/DEF6C6.jpeg
new file mode 100644
index 00000000000..40425510fac
Binary files /dev/null and b/src/captcha/captchas/VAERS/DEF6C6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DEd450.jpeg b/src/captcha/captchas/VAERS/DEd450.jpeg
new file mode 100644
index 00000000000..d5b583ef9b4
Binary files /dev/null and b/src/captcha/captchas/VAERS/DEd450.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Da8B80.jpeg b/src/captcha/captchas/VAERS/Da8B80.jpeg
new file mode 100644
index 00000000000..9c8a2fc728a
Binary files /dev/null and b/src/captcha/captchas/VAERS/Da8B80.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Db393B.jpeg b/src/captcha/captchas/VAERS/Db393B.jpeg
new file mode 100644
index 00000000000..b6d0d6dcac0
Binary files /dev/null and b/src/captcha/captchas/VAERS/Db393B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/DbaF33.jpeg b/src/captcha/captchas/VAERS/DbaF33.jpeg
new file mode 100644
index 00000000000..f03fcc8f3a9
Binary files /dev/null and b/src/captcha/captchas/VAERS/DbaF33.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Dc5C76.jpeg b/src/captcha/captchas/VAERS/Dc5C76.jpeg
new file mode 100644
index 00000000000..d13f4bf31eb
Binary files /dev/null and b/src/captcha/captchas/VAERS/Dc5C76.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Dc6fae.jpeg b/src/captcha/captchas/VAERS/Dc6fae.jpeg
new file mode 100644
index 00000000000..e346e284aa7
Binary files /dev/null and b/src/captcha/captchas/VAERS/Dc6fae.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Dc9c8b.jpeg b/src/captcha/captchas/VAERS/Dc9c8b.jpeg
new file mode 100644
index 00000000000..1fb13c99d77
Binary files /dev/null and b/src/captcha/captchas/VAERS/Dc9c8b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Dd8925.jpeg b/src/captcha/captchas/VAERS/Dd8925.jpeg
new file mode 100644
index 00000000000..6b121c2c194
Binary files /dev/null and b/src/captcha/captchas/VAERS/Dd8925.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Df544B.jpeg b/src/captcha/captchas/VAERS/Df544B.jpeg
new file mode 100644
index 00000000000..07b68b11f38
Binary files /dev/null and b/src/captcha/captchas/VAERS/Df544B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E0cA76.jpeg b/src/captcha/captchas/VAERS/E0cA76.jpeg
new file mode 100644
index 00000000000..4fd99a37384
Binary files /dev/null and b/src/captcha/captchas/VAERS/E0cA76.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E1957F.jpeg b/src/captcha/captchas/VAERS/E1957F.jpeg
new file mode 100644
index 00000000000..4378a1fc0d8
Binary files /dev/null and b/src/captcha/captchas/VAERS/E1957F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E296FF.jpeg b/src/captcha/captchas/VAERS/E296FF.jpeg
new file mode 100644
index 00000000000..d7ffe845f86
Binary files /dev/null and b/src/captcha/captchas/VAERS/E296FF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E2F191.jpeg b/src/captcha/captchas/VAERS/E2F191.jpeg
new file mode 100644
index 00000000000..24d20dd3087
Binary files /dev/null and b/src/captcha/captchas/VAERS/E2F191.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E312AF.jpeg b/src/captcha/captchas/VAERS/E312AF.jpeg
new file mode 100644
index 00000000000..fa33a125c7a
Binary files /dev/null and b/src/captcha/captchas/VAERS/E312AF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E32554.jpeg b/src/captcha/captchas/VAERS/E32554.jpeg
new file mode 100644
index 00000000000..6206159872b
Binary files /dev/null and b/src/captcha/captchas/VAERS/E32554.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E34D77.jpeg b/src/captcha/captchas/VAERS/E34D77.jpeg
new file mode 100644
index 00000000000..3c0eb0eb150
Binary files /dev/null and b/src/captcha/captchas/VAERS/E34D77.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E39ab9.jpeg b/src/captcha/captchas/VAERS/E39ab9.jpeg
new file mode 100644
index 00000000000..56a5db60760
Binary files /dev/null and b/src/captcha/captchas/VAERS/E39ab9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E453bf.jpeg b/src/captcha/captchas/VAERS/E453bf.jpeg
new file mode 100644
index 00000000000..fd468bd56fc
Binary files /dev/null and b/src/captcha/captchas/VAERS/E453bf.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E4c7bb.jpeg b/src/captcha/captchas/VAERS/E4c7bb.jpeg
new file mode 100644
index 00000000000..7979e58cd0d
Binary files /dev/null and b/src/captcha/captchas/VAERS/E4c7bb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E5432E.jpeg b/src/captcha/captchas/VAERS/E5432E.jpeg
new file mode 100644
index 00000000000..cd98f00bc8d
Binary files /dev/null and b/src/captcha/captchas/VAERS/E5432E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E559FA.jpeg b/src/captcha/captchas/VAERS/E559FA.jpeg
new file mode 100644
index 00000000000..181c0b80894
Binary files /dev/null and b/src/captcha/captchas/VAERS/E559FA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E57e8b.jpeg b/src/captcha/captchas/VAERS/E57e8b.jpeg
new file mode 100644
index 00000000000..14cbc347cef
Binary files /dev/null and b/src/captcha/captchas/VAERS/E57e8b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E61D45.jpeg b/src/captcha/captchas/VAERS/E61D45.jpeg
new file mode 100644
index 00000000000..9010a95eb85
Binary files /dev/null and b/src/captcha/captchas/VAERS/E61D45.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E72aFC.jpeg b/src/captcha/captchas/VAERS/E72aFC.jpeg
new file mode 100644
index 00000000000..a542f82def4
Binary files /dev/null and b/src/captcha/captchas/VAERS/E72aFC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E8e096.jpeg b/src/captcha/captchas/VAERS/E8e096.jpeg
new file mode 100644
index 00000000000..3729e60169c
Binary files /dev/null and b/src/captcha/captchas/VAERS/E8e096.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E9253A.jpeg b/src/captcha/captchas/VAERS/E9253A.jpeg
new file mode 100644
index 00000000000..ad07bbe78bf
Binary files /dev/null and b/src/captcha/captchas/VAERS/E9253A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E92e99.jpeg b/src/captcha/captchas/VAERS/E92e99.jpeg
new file mode 100644
index 00000000000..b2d3740613b
Binary files /dev/null and b/src/captcha/captchas/VAERS/E92e99.jpeg differ
diff --git a/src/captcha/captchas/VAERS/E9c95A.jpeg b/src/captcha/captchas/VAERS/E9c95A.jpeg
new file mode 100644
index 00000000000..8e1f8feee50
Binary files /dev/null and b/src/captcha/captchas/VAERS/E9c95A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/EA01A2.jpeg b/src/captcha/captchas/VAERS/EA01A2.jpeg
new file mode 100644
index 00000000000..c07296bc1b0
Binary files /dev/null and b/src/captcha/captchas/VAERS/EA01A2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/EA5aC2.jpeg b/src/captcha/captchas/VAERS/EA5aC2.jpeg
new file mode 100644
index 00000000000..9b540850f77
Binary files /dev/null and b/src/captcha/captchas/VAERS/EA5aC2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/EB37a1.jpeg b/src/captcha/captchas/VAERS/EB37a1.jpeg
new file mode 100644
index 00000000000..2c9e92cb943
Binary files /dev/null and b/src/captcha/captchas/VAERS/EB37a1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/EB923A.jpeg b/src/captcha/captchas/VAERS/EB923A.jpeg
new file mode 100644
index 00000000000..c0a7d9100de
Binary files /dev/null and b/src/captcha/captchas/VAERS/EB923A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/EC164c.jpeg b/src/captcha/captchas/VAERS/EC164c.jpeg
new file mode 100644
index 00000000000..f3e2e36d55c
Binary files /dev/null and b/src/captcha/captchas/VAERS/EC164c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ECA7F7.jpeg b/src/captcha/captchas/VAERS/ECA7F7.jpeg
new file mode 100644
index 00000000000..5a946ca8e1e
Binary files /dev/null and b/src/captcha/captchas/VAERS/ECA7F7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/EDdA25.jpeg b/src/captcha/captchas/VAERS/EDdA25.jpeg
new file mode 100644
index 00000000000..663de7e26df
Binary files /dev/null and b/src/captcha/captchas/VAERS/EDdA25.jpeg differ
diff --git a/src/captcha/captchas/VAERS/EF31f1.jpeg b/src/captcha/captchas/VAERS/EF31f1.jpeg
new file mode 100644
index 00000000000..1c5ab21f4c1
Binary files /dev/null and b/src/captcha/captchas/VAERS/EF31f1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Eab193.jpeg b/src/captcha/captchas/VAERS/Eab193.jpeg
new file mode 100644
index 00000000000..ef05c2b6315
Binary files /dev/null and b/src/captcha/captchas/VAERS/Eab193.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Eb27Cc.jpeg b/src/captcha/captchas/VAERS/Eb27Cc.jpeg
new file mode 100644
index 00000000000..a659377b5df
Binary files /dev/null and b/src/captcha/captchas/VAERS/Eb27Cc.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ec22e1.jpeg b/src/captcha/captchas/VAERS/Ec22e1.jpeg
new file mode 100644
index 00000000000..01ea49a60c9
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ec22e1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ec84dD.jpeg b/src/captcha/captchas/VAERS/Ec84dD.jpeg
new file mode 100644
index 00000000000..78a40799997
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ec84dD.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ed92Ef.jpeg b/src/captcha/captchas/VAERS/Ed92Ef.jpeg
new file mode 100644
index 00000000000..b6645e5dfec
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ed92Ef.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ee9506.jpeg b/src/captcha/captchas/VAERS/Ee9506.jpeg
new file mode 100644
index 00000000000..44752a1657b
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ee9506.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Ef5C62.jpeg b/src/captcha/captchas/VAERS/Ef5C62.jpeg
new file mode 100644
index 00000000000..9b22b1584ec
Binary files /dev/null and b/src/captcha/captchas/VAERS/Ef5C62.jpeg differ
diff --git a/src/captcha/captchas/VAERS/EfFFa9.jpeg b/src/captcha/captchas/VAERS/EfFFa9.jpeg
new file mode 100644
index 00000000000..4bf2d915a14
Binary files /dev/null and b/src/captcha/captchas/VAERS/EfFFa9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F10c65.jpeg b/src/captcha/captchas/VAERS/F10c65.jpeg
new file mode 100644
index 00000000000..f17cf1a4b4d
Binary files /dev/null and b/src/captcha/captchas/VAERS/F10c65.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F15A61.jpeg b/src/captcha/captchas/VAERS/F15A61.jpeg
new file mode 100644
index 00000000000..cb4df3bc372
Binary files /dev/null and b/src/captcha/captchas/VAERS/F15A61.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F2308c.jpeg b/src/captcha/captchas/VAERS/F2308c.jpeg
new file mode 100644
index 00000000000..0f4c59dfba9
Binary files /dev/null and b/src/captcha/captchas/VAERS/F2308c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F23412.jpeg b/src/captcha/captchas/VAERS/F23412.jpeg
new file mode 100644
index 00000000000..2b89f4a092b
Binary files /dev/null and b/src/captcha/captchas/VAERS/F23412.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F27076.jpeg b/src/captcha/captchas/VAERS/F27076.jpeg
new file mode 100644
index 00000000000..51644b1e124
Binary files /dev/null and b/src/captcha/captchas/VAERS/F27076.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F38FD2.jpeg b/src/captcha/captchas/VAERS/F38FD2.jpeg
new file mode 100644
index 00000000000..cfd3e707733
Binary files /dev/null and b/src/captcha/captchas/VAERS/F38FD2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F3B36f.jpeg b/src/captcha/captchas/VAERS/F3B36f.jpeg
new file mode 100644
index 00000000000..b85a8cde8ca
Binary files /dev/null and b/src/captcha/captchas/VAERS/F3B36f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F3f5dE.jpeg b/src/captcha/captchas/VAERS/F3f5dE.jpeg
new file mode 100644
index 00000000000..d727fe9c970
Binary files /dev/null and b/src/captcha/captchas/VAERS/F3f5dE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F531e0.jpeg b/src/captcha/captchas/VAERS/F531e0.jpeg
new file mode 100644
index 00000000000..35faf5154a2
Binary files /dev/null and b/src/captcha/captchas/VAERS/F531e0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F760b7.jpeg b/src/captcha/captchas/VAERS/F760b7.jpeg
new file mode 100644
index 00000000000..04753b2a3c9
Binary files /dev/null and b/src/captcha/captchas/VAERS/F760b7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F77C4E.jpeg b/src/captcha/captchas/VAERS/F77C4E.jpeg
new file mode 100644
index 00000000000..92f309e70c4
Binary files /dev/null and b/src/captcha/captchas/VAERS/F77C4E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F7A130.jpeg b/src/captcha/captchas/VAERS/F7A130.jpeg
new file mode 100644
index 00000000000..455ca22bf1e
Binary files /dev/null and b/src/captcha/captchas/VAERS/F7A130.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F87F07.jpeg b/src/captcha/captchas/VAERS/F87F07.jpeg
new file mode 100644
index 00000000000..8a8336b89dd
Binary files /dev/null and b/src/captcha/captchas/VAERS/F87F07.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F8D700.jpeg b/src/captcha/captchas/VAERS/F8D700.jpeg
new file mode 100644
index 00000000000..feae08677d7
Binary files /dev/null and b/src/captcha/captchas/VAERS/F8D700.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F8F6B7.jpeg b/src/captcha/captchas/VAERS/F8F6B7.jpeg
new file mode 100644
index 00000000000..969a710d17e
Binary files /dev/null and b/src/captcha/captchas/VAERS/F8F6B7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F9Ad0D.jpeg b/src/captcha/captchas/VAERS/F9Ad0D.jpeg
new file mode 100644
index 00000000000..30cf1a58fde
Binary files /dev/null and b/src/captcha/captchas/VAERS/F9Ad0D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/F9aDE6.jpeg b/src/captcha/captchas/VAERS/F9aDE6.jpeg
new file mode 100644
index 00000000000..a4c58741c3f
Binary files /dev/null and b/src/captcha/captchas/VAERS/F9aDE6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FA1aD5.jpeg b/src/captcha/captchas/VAERS/FA1aD5.jpeg
new file mode 100644
index 00000000000..deb5402bae3
Binary files /dev/null and b/src/captcha/captchas/VAERS/FA1aD5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FA3879.jpeg b/src/captcha/captchas/VAERS/FA3879.jpeg
new file mode 100644
index 00000000000..4b941505746
Binary files /dev/null and b/src/captcha/captchas/VAERS/FA3879.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FA4418.jpeg b/src/captcha/captchas/VAERS/FA4418.jpeg
new file mode 100644
index 00000000000..8ca201f005a
Binary files /dev/null and b/src/captcha/captchas/VAERS/FA4418.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FA6854.jpeg b/src/captcha/captchas/VAERS/FA6854.jpeg
new file mode 100644
index 00000000000..ab8d25b2be2
Binary files /dev/null and b/src/captcha/captchas/VAERS/FA6854.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FAb8F5.jpeg b/src/captcha/captchas/VAERS/FAb8F5.jpeg
new file mode 100644
index 00000000000..a8a79c440b7
Binary files /dev/null and b/src/captcha/captchas/VAERS/FAb8F5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FAee8d.jpeg b/src/captcha/captchas/VAERS/FAee8d.jpeg
new file mode 100644
index 00000000000..4eebc13ecab
Binary files /dev/null and b/src/captcha/captchas/VAERS/FAee8d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FF3aE6.jpeg b/src/captcha/captchas/VAERS/FF3aE6.jpeg
new file mode 100644
index 00000000000..5ee865e98d7
Binary files /dev/null and b/src/captcha/captchas/VAERS/FF3aE6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FF4241.jpeg b/src/captcha/captchas/VAERS/FF4241.jpeg
new file mode 100644
index 00000000000..abd8151fab8
Binary files /dev/null and b/src/captcha/captchas/VAERS/FF4241.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FF4796.jpeg b/src/captcha/captchas/VAERS/FF4796.jpeg
new file mode 100644
index 00000000000..9e49d789eb3
Binary files /dev/null and b/src/captcha/captchas/VAERS/FF4796.jpeg differ
diff --git a/src/captcha/captchas/VAERS/FF73A7.jpeg b/src/captcha/captchas/VAERS/FF73A7.jpeg
new file mode 100644
index 00000000000..b3476c8fdc6
Binary files /dev/null and b/src/captcha/captchas/VAERS/FF73A7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Fa8565.jpeg b/src/captcha/captchas/VAERS/Fa8565.jpeg
new file mode 100644
index 00000000000..f4f181246c3
Binary files /dev/null and b/src/captcha/captchas/VAERS/Fa8565.jpeg differ
diff --git a/src/captcha/captchas/VAERS/Fca566.jpeg b/src/captcha/captchas/VAERS/Fca566.jpeg
new file mode 100644
index 00000000000..fd55e84317e
Binary files /dev/null and b/src/captcha/captchas/VAERS/Fca566.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a0C30a.jpeg b/src/captcha/captchas/VAERS/a0C30a.jpeg
new file mode 100644
index 00000000000..2f060527190
Binary files /dev/null and b/src/captcha/captchas/VAERS/a0C30a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a0abC9.jpeg b/src/captcha/captchas/VAERS/a0abC9.jpeg
new file mode 100644
index 00000000000..d0b6c89acf9
Binary files /dev/null and b/src/captcha/captchas/VAERS/a0abC9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a0eEe3.jpeg b/src/captcha/captchas/VAERS/a0eEe3.jpeg
new file mode 100644
index 00000000000..2989a84fb22
Binary files /dev/null and b/src/captcha/captchas/VAERS/a0eEe3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a11491.jpeg b/src/captcha/captchas/VAERS/a11491.jpeg
new file mode 100644
index 00000000000..5d0027fbfc8
Binary files /dev/null and b/src/captcha/captchas/VAERS/a11491.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a27a1E.jpeg b/src/captcha/captchas/VAERS/a27a1E.jpeg
new file mode 100644
index 00000000000..594217b5c3a
Binary files /dev/null and b/src/captcha/captchas/VAERS/a27a1E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a32010.jpeg b/src/captcha/captchas/VAERS/a32010.jpeg
new file mode 100644
index 00000000000..ebc590e434b
Binary files /dev/null and b/src/captcha/captchas/VAERS/a32010.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a461eC.jpeg b/src/captcha/captchas/VAERS/a461eC.jpeg
new file mode 100644
index 00000000000..b701f55c355
Binary files /dev/null and b/src/captcha/captchas/VAERS/a461eC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a49567.jpeg b/src/captcha/captchas/VAERS/a49567.jpeg
new file mode 100644
index 00000000000..883fbb0c461
Binary files /dev/null and b/src/captcha/captchas/VAERS/a49567.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a57d43.jpeg b/src/captcha/captchas/VAERS/a57d43.jpeg
new file mode 100644
index 00000000000..7371b1395e5
Binary files /dev/null and b/src/captcha/captchas/VAERS/a57d43.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a5a55A.jpeg b/src/captcha/captchas/VAERS/a5a55A.jpeg
new file mode 100644
index 00000000000..b7a81a41c3a
Binary files /dev/null and b/src/captcha/captchas/VAERS/a5a55A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a6af14.jpeg b/src/captcha/captchas/VAERS/a6af14.jpeg
new file mode 100644
index 00000000000..f7fd4dfd445
Binary files /dev/null and b/src/captcha/captchas/VAERS/a6af14.jpeg differ
diff --git a/src/captcha/captchas/VAERS/a7eE4f.jpeg b/src/captcha/captchas/VAERS/a7eE4f.jpeg
new file mode 100644
index 00000000000..b9ee97eae87
Binary files /dev/null and b/src/captcha/captchas/VAERS/a7eE4f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aBCcb3.jpeg b/src/captcha/captchas/VAERS/aBCcb3.jpeg
new file mode 100644
index 00000000000..38b64a67a70
Binary files /dev/null and b/src/captcha/captchas/VAERS/aBCcb3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aD3a67.jpeg b/src/captcha/captchas/VAERS/aD3a67.jpeg
new file mode 100644
index 00000000000..ec965033d8b
Binary files /dev/null and b/src/captcha/captchas/VAERS/aD3a67.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aD474F.jpeg b/src/captcha/captchas/VAERS/aD474F.jpeg
new file mode 100644
index 00000000000..5fa0022e143
Binary files /dev/null and b/src/captcha/captchas/VAERS/aD474F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aE1e34.jpeg b/src/captcha/captchas/VAERS/aE1e34.jpeg
new file mode 100644
index 00000000000..46d5b17604a
Binary files /dev/null and b/src/captcha/captchas/VAERS/aE1e34.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aEB882.jpeg b/src/captcha/captchas/VAERS/aEB882.jpeg
new file mode 100644
index 00000000000..c087cecb760
Binary files /dev/null and b/src/captcha/captchas/VAERS/aEB882.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aEf90b.jpeg b/src/captcha/captchas/VAERS/aEf90b.jpeg
new file mode 100644
index 00000000000..2784796ae56
Binary files /dev/null and b/src/captcha/captchas/VAERS/aEf90b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aFb103.jpeg b/src/captcha/captchas/VAERS/aFb103.jpeg
new file mode 100644
index 00000000000..03b89a83fd3
Binary files /dev/null and b/src/captcha/captchas/VAERS/aFb103.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aa20Ac.jpeg b/src/captcha/captchas/VAERS/aa20Ac.jpeg
new file mode 100644
index 00000000000..d5e31541b9c
Binary files /dev/null and b/src/captcha/captchas/VAERS/aa20Ac.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ab74e3.jpeg b/src/captcha/captchas/VAERS/ab74e3.jpeg
new file mode 100644
index 00000000000..53191ab4ec7
Binary files /dev/null and b/src/captcha/captchas/VAERS/ab74e3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aceaeE.jpeg b/src/captcha/captchas/VAERS/aceaeE.jpeg
new file mode 100644
index 00000000000..6fd895972a9
Binary files /dev/null and b/src/captcha/captchas/VAERS/aceaeE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ad0803.jpeg b/src/captcha/captchas/VAERS/ad0803.jpeg
new file mode 100644
index 00000000000..db0e6598db8
Binary files /dev/null and b/src/captcha/captchas/VAERS/ad0803.jpeg differ
diff --git a/src/captcha/captchas/VAERS/adbD63.jpeg b/src/captcha/captchas/VAERS/adbD63.jpeg
new file mode 100644
index 00000000000..efec394caa5
Binary files /dev/null and b/src/captcha/captchas/VAERS/adbD63.jpeg differ
diff --git a/src/captcha/captchas/VAERS/aecC4c.jpeg b/src/captcha/captchas/VAERS/aecC4c.jpeg
new file mode 100644
index 00000000000..980771c462c
Binary files /dev/null and b/src/captcha/captchas/VAERS/aecC4c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/af0caA.jpeg b/src/captcha/captchas/VAERS/af0caA.jpeg
new file mode 100644
index 00000000000..11b4f91c932
Binary files /dev/null and b/src/captcha/captchas/VAERS/af0caA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b07675.jpeg b/src/captcha/captchas/VAERS/b07675.jpeg
new file mode 100644
index 00000000000..4c3207dbd62
Binary files /dev/null and b/src/captcha/captchas/VAERS/b07675.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b10887.jpeg b/src/captcha/captchas/VAERS/b10887.jpeg
new file mode 100644
index 00000000000..044ce638074
Binary files /dev/null and b/src/captcha/captchas/VAERS/b10887.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b110e6.jpeg b/src/captcha/captchas/VAERS/b110e6.jpeg
new file mode 100644
index 00000000000..b8938be936f
Binary files /dev/null and b/src/captcha/captchas/VAERS/b110e6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b162B5.jpeg b/src/captcha/captchas/VAERS/b162B5.jpeg
new file mode 100644
index 00000000000..8d032c36fa2
Binary files /dev/null and b/src/captcha/captchas/VAERS/b162B5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b17b50.jpeg b/src/captcha/captchas/VAERS/b17b50.jpeg
new file mode 100644
index 00000000000..306b3eea5a2
Binary files /dev/null and b/src/captcha/captchas/VAERS/b17b50.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b1Fe38.jpeg b/src/captcha/captchas/VAERS/b1Fe38.jpeg
new file mode 100644
index 00000000000..f4688e97daa
Binary files /dev/null and b/src/captcha/captchas/VAERS/b1Fe38.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b1b056.jpeg b/src/captcha/captchas/VAERS/b1b056.jpeg
new file mode 100644
index 00000000000..0b4bad68a50
Binary files /dev/null and b/src/captcha/captchas/VAERS/b1b056.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b21341.jpeg b/src/captcha/captchas/VAERS/b21341.jpeg
new file mode 100644
index 00000000000..0e2cf502ade
Binary files /dev/null and b/src/captcha/captchas/VAERS/b21341.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b27E1C.jpeg b/src/captcha/captchas/VAERS/b27E1C.jpeg
new file mode 100644
index 00000000000..f652f84211a
Binary files /dev/null and b/src/captcha/captchas/VAERS/b27E1C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b3C4a5.jpeg b/src/captcha/captchas/VAERS/b3C4a5.jpeg
new file mode 100644
index 00000000000..a26a2033986
Binary files /dev/null and b/src/captcha/captchas/VAERS/b3C4a5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b60B09.jpeg b/src/captcha/captchas/VAERS/b60B09.jpeg
new file mode 100644
index 00000000000..38bf290a417
Binary files /dev/null and b/src/captcha/captchas/VAERS/b60B09.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b6411C.jpeg b/src/captcha/captchas/VAERS/b6411C.jpeg
new file mode 100644
index 00000000000..373abd824ea
Binary files /dev/null and b/src/captcha/captchas/VAERS/b6411C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b6A3B7.jpeg b/src/captcha/captchas/VAERS/b6A3B7.jpeg
new file mode 100644
index 00000000000..4379247e986
Binary files /dev/null and b/src/captcha/captchas/VAERS/b6A3B7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b7065f.jpeg b/src/captcha/captchas/VAERS/b7065f.jpeg
new file mode 100644
index 00000000000..ed38d5ffdf7
Binary files /dev/null and b/src/captcha/captchas/VAERS/b7065f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b76A00.jpeg b/src/captcha/captchas/VAERS/b76A00.jpeg
new file mode 100644
index 00000000000..01691365490
Binary files /dev/null and b/src/captcha/captchas/VAERS/b76A00.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b78Ca5.jpeg b/src/captcha/captchas/VAERS/b78Ca5.jpeg
new file mode 100644
index 00000000000..21e228e32fe
Binary files /dev/null and b/src/captcha/captchas/VAERS/b78Ca5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b78b82.jpeg b/src/captcha/captchas/VAERS/b78b82.jpeg
new file mode 100644
index 00000000000..ff733cd7293
Binary files /dev/null and b/src/captcha/captchas/VAERS/b78b82.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b954B2.jpeg b/src/captcha/captchas/VAERS/b954B2.jpeg
new file mode 100644
index 00000000000..f866888dea1
Binary files /dev/null and b/src/captcha/captchas/VAERS/b954B2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b9E8c1.jpeg b/src/captcha/captchas/VAERS/b9E8c1.jpeg
new file mode 100644
index 00000000000..79e5879a9f9
Binary files /dev/null and b/src/captcha/captchas/VAERS/b9E8c1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b9a49F.jpeg b/src/captcha/captchas/VAERS/b9a49F.jpeg
new file mode 100644
index 00000000000..e222d6f6792
Binary files /dev/null and b/src/captcha/captchas/VAERS/b9a49F.jpeg differ
diff --git a/src/captcha/captchas/VAERS/b9b3F2.jpeg b/src/captcha/captchas/VAERS/b9b3F2.jpeg
new file mode 100644
index 00000000000..280fadf79ec
Binary files /dev/null and b/src/captcha/captchas/VAERS/b9b3F2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bB25b3.jpeg b/src/captcha/captchas/VAERS/bB25b3.jpeg
new file mode 100644
index 00000000000..88bd7c93a51
Binary files /dev/null and b/src/captcha/captchas/VAERS/bB25b3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bBf162.jpeg b/src/captcha/captchas/VAERS/bBf162.jpeg
new file mode 100644
index 00000000000..43783ff6a9e
Binary files /dev/null and b/src/captcha/captchas/VAERS/bBf162.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bC3892.jpeg b/src/captcha/captchas/VAERS/bC3892.jpeg
new file mode 100644
index 00000000000..69ef9f092f9
Binary files /dev/null and b/src/captcha/captchas/VAERS/bC3892.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bD1b2E.jpeg b/src/captcha/captchas/VAERS/bD1b2E.jpeg
new file mode 100644
index 00000000000..3185995219d
Binary files /dev/null and b/src/captcha/captchas/VAERS/bD1b2E.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bD69fd.jpeg b/src/captcha/captchas/VAERS/bD69fd.jpeg
new file mode 100644
index 00000000000..c27c26482eb
Binary files /dev/null and b/src/captcha/captchas/VAERS/bD69fd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bDE259.jpeg b/src/captcha/captchas/VAERS/bDE259.jpeg
new file mode 100644
index 00000000000..5f9fd17fb48
Binary files /dev/null and b/src/captcha/captchas/VAERS/bDE259.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bDF4CC.jpeg b/src/captcha/captchas/VAERS/bDF4CC.jpeg
new file mode 100644
index 00000000000..dd3d187ef2d
Binary files /dev/null and b/src/captcha/captchas/VAERS/bDF4CC.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bE555f.jpeg b/src/captcha/captchas/VAERS/bE555f.jpeg
new file mode 100644
index 00000000000..e88fa3bc3f2
Binary files /dev/null and b/src/captcha/captchas/VAERS/bE555f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bE6e5C.jpeg b/src/captcha/captchas/VAERS/bE6e5C.jpeg
new file mode 100644
index 00000000000..a87ccf71480
Binary files /dev/null and b/src/captcha/captchas/VAERS/bE6e5C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ba7E97.jpeg b/src/captcha/captchas/VAERS/ba7E97.jpeg
new file mode 100644
index 00000000000..f1ba8f5398a
Binary files /dev/null and b/src/captcha/captchas/VAERS/ba7E97.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bbEc6e.jpeg b/src/captcha/captchas/VAERS/bbEc6e.jpeg
new file mode 100644
index 00000000000..23393755376
Binary files /dev/null and b/src/captcha/captchas/VAERS/bbEc6e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bdBc9f.jpeg b/src/captcha/captchas/VAERS/bdBc9f.jpeg
new file mode 100644
index 00000000000..9b890da68ed
Binary files /dev/null and b/src/captcha/captchas/VAERS/bdBc9f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bdDaef.jpeg b/src/captcha/captchas/VAERS/bdDaef.jpeg
new file mode 100644
index 00000000000..c567a215557
Binary files /dev/null and b/src/captcha/captchas/VAERS/bdDaef.jpeg differ
diff --git a/src/captcha/captchas/VAERS/beA281.jpeg b/src/captcha/captchas/VAERS/beA281.jpeg
new file mode 100644
index 00000000000..e0c4e33e183
Binary files /dev/null and b/src/captcha/captchas/VAERS/beA281.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bf74dB.jpeg b/src/captcha/captchas/VAERS/bf74dB.jpeg
new file mode 100644
index 00000000000..d8f620eaeeb
Binary files /dev/null and b/src/captcha/captchas/VAERS/bf74dB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/bfaea6.jpeg b/src/captcha/captchas/VAERS/bfaea6.jpeg
new file mode 100644
index 00000000000..26d44db3574
Binary files /dev/null and b/src/captcha/captchas/VAERS/bfaea6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c0c572.jpeg b/src/captcha/captchas/VAERS/c0c572.jpeg
new file mode 100644
index 00000000000..35701310b92
Binary files /dev/null and b/src/captcha/captchas/VAERS/c0c572.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c152a1.jpeg b/src/captcha/captchas/VAERS/c152a1.jpeg
new file mode 100644
index 00000000000..19642b76b97
Binary files /dev/null and b/src/captcha/captchas/VAERS/c152a1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c20304.jpeg b/src/captcha/captchas/VAERS/c20304.jpeg
new file mode 100644
index 00000000000..74398d49ade
Binary files /dev/null and b/src/captcha/captchas/VAERS/c20304.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c2A807.jpeg b/src/captcha/captchas/VAERS/c2A807.jpeg
new file mode 100644
index 00000000000..1c92687d3ab
Binary files /dev/null and b/src/captcha/captchas/VAERS/c2A807.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c2E8D1.jpeg b/src/captcha/captchas/VAERS/c2E8D1.jpeg
new file mode 100644
index 00000000000..f6e9734aace
Binary files /dev/null and b/src/captcha/captchas/VAERS/c2E8D1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c34750.jpeg b/src/captcha/captchas/VAERS/c34750.jpeg
new file mode 100644
index 00000000000..920385a13dc
Binary files /dev/null and b/src/captcha/captchas/VAERS/c34750.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c35590.jpeg b/src/captcha/captchas/VAERS/c35590.jpeg
new file mode 100644
index 00000000000..a49351c45ae
Binary files /dev/null and b/src/captcha/captchas/VAERS/c35590.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c3Dc2C.jpeg b/src/captcha/captchas/VAERS/c3Dc2C.jpeg
new file mode 100644
index 00000000000..ee8299e1bcb
Binary files /dev/null and b/src/captcha/captchas/VAERS/c3Dc2C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c42aF7.jpeg b/src/captcha/captchas/VAERS/c42aF7.jpeg
new file mode 100644
index 00000000000..f96463facc7
Binary files /dev/null and b/src/captcha/captchas/VAERS/c42aF7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c445D5.jpeg b/src/captcha/captchas/VAERS/c445D5.jpeg
new file mode 100644
index 00000000000..e0b5642e469
Binary files /dev/null and b/src/captcha/captchas/VAERS/c445D5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c45695.jpeg b/src/captcha/captchas/VAERS/c45695.jpeg
new file mode 100644
index 00000000000..73aabd76187
Binary files /dev/null and b/src/captcha/captchas/VAERS/c45695.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c4AcC2.jpeg b/src/captcha/captchas/VAERS/c4AcC2.jpeg
new file mode 100644
index 00000000000..c8895abfebd
Binary files /dev/null and b/src/captcha/captchas/VAERS/c4AcC2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c4F7A4.jpeg b/src/captcha/captchas/VAERS/c4F7A4.jpeg
new file mode 100644
index 00000000000..98f80ec564d
Binary files /dev/null and b/src/captcha/captchas/VAERS/c4F7A4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c4c8Ff.jpeg b/src/captcha/captchas/VAERS/c4c8Ff.jpeg
new file mode 100644
index 00000000000..b7c659e6cb7
Binary files /dev/null and b/src/captcha/captchas/VAERS/c4c8Ff.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c4eCbE.jpeg b/src/captcha/captchas/VAERS/c4eCbE.jpeg
new file mode 100644
index 00000000000..8d91d21f816
Binary files /dev/null and b/src/captcha/captchas/VAERS/c4eCbE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c57596.jpeg b/src/captcha/captchas/VAERS/c57596.jpeg
new file mode 100644
index 00000000000..3431e5000bb
Binary files /dev/null and b/src/captcha/captchas/VAERS/c57596.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c57bD7.jpeg b/src/captcha/captchas/VAERS/c57bD7.jpeg
new file mode 100644
index 00000000000..13e72cca27b
Binary files /dev/null and b/src/captcha/captchas/VAERS/c57bD7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c59ef6.jpeg b/src/captcha/captchas/VAERS/c59ef6.jpeg
new file mode 100644
index 00000000000..616d3b589c9
Binary files /dev/null and b/src/captcha/captchas/VAERS/c59ef6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c5cB80.jpeg b/src/captcha/captchas/VAERS/c5cB80.jpeg
new file mode 100644
index 00000000000..e4d95185d35
Binary files /dev/null and b/src/captcha/captchas/VAERS/c5cB80.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c6c205.jpeg b/src/captcha/captchas/VAERS/c6c205.jpeg
new file mode 100644
index 00000000000..bfee09f4070
Binary files /dev/null and b/src/captcha/captchas/VAERS/c6c205.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c76662.jpeg b/src/captcha/captchas/VAERS/c76662.jpeg
new file mode 100644
index 00000000000..19ada91e810
Binary files /dev/null and b/src/captcha/captchas/VAERS/c76662.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c768B6.jpeg b/src/captcha/captchas/VAERS/c768B6.jpeg
new file mode 100644
index 00000000000..6550f05d2d8
Binary files /dev/null and b/src/captcha/captchas/VAERS/c768B6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c83798.jpeg b/src/captcha/captchas/VAERS/c83798.jpeg
new file mode 100644
index 00000000000..acec7f15bfa
Binary files /dev/null and b/src/captcha/captchas/VAERS/c83798.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c8806c.jpeg b/src/captcha/captchas/VAERS/c8806c.jpeg
new file mode 100644
index 00000000000..d186bffa3e1
Binary files /dev/null and b/src/captcha/captchas/VAERS/c8806c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c8F73B.jpeg b/src/captcha/captchas/VAERS/c8F73B.jpeg
new file mode 100644
index 00000000000..5554d843da4
Binary files /dev/null and b/src/captcha/captchas/VAERS/c8F73B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c9235C.jpeg b/src/captcha/captchas/VAERS/c9235C.jpeg
new file mode 100644
index 00000000000..72b18bac045
Binary files /dev/null and b/src/captcha/captchas/VAERS/c9235C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c95f23.jpeg b/src/captcha/captchas/VAERS/c95f23.jpeg
new file mode 100644
index 00000000000..986ee8227f1
Binary files /dev/null and b/src/captcha/captchas/VAERS/c95f23.jpeg differ
diff --git a/src/captcha/captchas/VAERS/c99636.jpeg b/src/captcha/captchas/VAERS/c99636.jpeg
new file mode 100644
index 00000000000..d4f15445dbb
Binary files /dev/null and b/src/captcha/captchas/VAERS/c99636.jpeg differ
diff --git a/src/captcha/captchas/VAERS/cB24cB.jpeg b/src/captcha/captchas/VAERS/cB24cB.jpeg
new file mode 100644
index 00000000000..746b8cd1403
Binary files /dev/null and b/src/captcha/captchas/VAERS/cB24cB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/cD1e8c.jpeg b/src/captcha/captchas/VAERS/cD1e8c.jpeg
new file mode 100644
index 00000000000..7947a273715
Binary files /dev/null and b/src/captcha/captchas/VAERS/cD1e8c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/cFA030.jpeg b/src/captcha/captchas/VAERS/cFA030.jpeg
new file mode 100644
index 00000000000..8d40bdc4d2c
Binary files /dev/null and b/src/captcha/captchas/VAERS/cFA030.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ca56B9.jpeg b/src/captcha/captchas/VAERS/ca56B9.jpeg
new file mode 100644
index 00000000000..57c5ba2d290
Binary files /dev/null and b/src/captcha/captchas/VAERS/ca56B9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ca7Fa5.jpeg b/src/captcha/captchas/VAERS/ca7Fa5.jpeg
new file mode 100644
index 00000000000..7cffb7ef352
Binary files /dev/null and b/src/captcha/captchas/VAERS/ca7Fa5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/caa263.jpeg b/src/captcha/captchas/VAERS/caa263.jpeg
new file mode 100644
index 00000000000..b5788aaa788
Binary files /dev/null and b/src/captcha/captchas/VAERS/caa263.jpeg differ
diff --git a/src/captcha/captchas/VAERS/cc51e6.jpeg b/src/captcha/captchas/VAERS/cc51e6.jpeg
new file mode 100644
index 00000000000..4eb44d64a32
Binary files /dev/null and b/src/captcha/captchas/VAERS/cc51e6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/cd9BcE.jpeg b/src/captcha/captchas/VAERS/cd9BcE.jpeg
new file mode 100644
index 00000000000..c5966e57d59
Binary files /dev/null and b/src/captcha/captchas/VAERS/cd9BcE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ce10bE.jpeg b/src/captcha/captchas/VAERS/ce10bE.jpeg
new file mode 100644
index 00000000000..db0f339edd6
Binary files /dev/null and b/src/captcha/captchas/VAERS/ce10bE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ceb20c.jpeg b/src/captcha/captchas/VAERS/ceb20c.jpeg
new file mode 100644
index 00000000000..d8293e41fe2
Binary files /dev/null and b/src/captcha/captchas/VAERS/ceb20c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/cf0cc0.jpeg b/src/captcha/captchas/VAERS/cf0cc0.jpeg
new file mode 100644
index 00000000000..6405f45beae
Binary files /dev/null and b/src/captcha/captchas/VAERS/cf0cc0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/cf8Be2.jpeg b/src/captcha/captchas/VAERS/cf8Be2.jpeg
new file mode 100644
index 00000000000..b1323fc9069
Binary files /dev/null and b/src/captcha/captchas/VAERS/cf8Be2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d018B8.jpeg b/src/captcha/captchas/VAERS/d018B8.jpeg
new file mode 100644
index 00000000000..a7cbe89c4c6
Binary files /dev/null and b/src/captcha/captchas/VAERS/d018B8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d07634.jpeg b/src/captcha/captchas/VAERS/d07634.jpeg
new file mode 100644
index 00000000000..7ec51113a4f
Binary files /dev/null and b/src/captcha/captchas/VAERS/d07634.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d1B9B1.jpeg b/src/captcha/captchas/VAERS/d1B9B1.jpeg
new file mode 100644
index 00000000000..546e9f1fba6
Binary files /dev/null and b/src/captcha/captchas/VAERS/d1B9B1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d224B6.jpeg b/src/captcha/captchas/VAERS/d224B6.jpeg
new file mode 100644
index 00000000000..c70450de451
Binary files /dev/null and b/src/captcha/captchas/VAERS/d224B6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d27BDd.jpeg b/src/captcha/captchas/VAERS/d27BDd.jpeg
new file mode 100644
index 00000000000..d7e92c08741
Binary files /dev/null and b/src/captcha/captchas/VAERS/d27BDd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d2c976.jpeg b/src/captcha/captchas/VAERS/d2c976.jpeg
new file mode 100644
index 00000000000..d55db1be6aa
Binary files /dev/null and b/src/captcha/captchas/VAERS/d2c976.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d32De0.jpeg b/src/captcha/captchas/VAERS/d32De0.jpeg
new file mode 100644
index 00000000000..dcad5b39340
Binary files /dev/null and b/src/captcha/captchas/VAERS/d32De0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d3D314.jpeg b/src/captcha/captchas/VAERS/d3D314.jpeg
new file mode 100644
index 00000000000..fb780a61837
Binary files /dev/null and b/src/captcha/captchas/VAERS/d3D314.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d3E59a.jpeg b/src/captcha/captchas/VAERS/d3E59a.jpeg
new file mode 100644
index 00000000000..d19d75957d0
Binary files /dev/null and b/src/captcha/captchas/VAERS/d3E59a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d3b06e.jpeg b/src/captcha/captchas/VAERS/d3b06e.jpeg
new file mode 100644
index 00000000000..ae31b6f30f8
Binary files /dev/null and b/src/captcha/captchas/VAERS/d3b06e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d3b445.jpeg b/src/captcha/captchas/VAERS/d3b445.jpeg
new file mode 100644
index 00000000000..d98dd04c837
Binary files /dev/null and b/src/captcha/captchas/VAERS/d3b445.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d42f6f.jpeg b/src/captcha/captchas/VAERS/d42f6f.jpeg
new file mode 100644
index 00000000000..16680953f0b
Binary files /dev/null and b/src/captcha/captchas/VAERS/d42f6f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d4B4cb.jpeg b/src/captcha/captchas/VAERS/d4B4cb.jpeg
new file mode 100644
index 00000000000..58387ef63ac
Binary files /dev/null and b/src/captcha/captchas/VAERS/d4B4cb.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d5A02C.jpeg b/src/captcha/captchas/VAERS/d5A02C.jpeg
new file mode 100644
index 00000000000..5ef89c4416f
Binary files /dev/null and b/src/captcha/captchas/VAERS/d5A02C.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d5Aa44.jpeg b/src/captcha/captchas/VAERS/d5Aa44.jpeg
new file mode 100644
index 00000000000..51fc79d3bcc
Binary files /dev/null and b/src/captcha/captchas/VAERS/d5Aa44.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d6F8F2.jpeg b/src/captcha/captchas/VAERS/d6F8F2.jpeg
new file mode 100644
index 00000000000..e980476d8c9
Binary files /dev/null and b/src/captcha/captchas/VAERS/d6F8F2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d6c8D5.jpeg b/src/captcha/captchas/VAERS/d6c8D5.jpeg
new file mode 100644
index 00000000000..86603b09b46
Binary files /dev/null and b/src/captcha/captchas/VAERS/d6c8D5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d731c9.jpeg b/src/captcha/captchas/VAERS/d731c9.jpeg
new file mode 100644
index 00000000000..9830c7ccb0a
Binary files /dev/null and b/src/captcha/captchas/VAERS/d731c9.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d7dF0d.jpeg b/src/captcha/captchas/VAERS/d7dF0d.jpeg
new file mode 100644
index 00000000000..8be791c4f56
Binary files /dev/null and b/src/captcha/captchas/VAERS/d7dF0d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d86805.jpeg b/src/captcha/captchas/VAERS/d86805.jpeg
new file mode 100644
index 00000000000..c6c8d79bfc0
Binary files /dev/null and b/src/captcha/captchas/VAERS/d86805.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d8EA5D.jpeg b/src/captcha/captchas/VAERS/d8EA5D.jpeg
new file mode 100644
index 00000000000..de7cac88e23
Binary files /dev/null and b/src/captcha/captchas/VAERS/d8EA5D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d8d6BD.jpeg b/src/captcha/captchas/VAERS/d8d6BD.jpeg
new file mode 100644
index 00000000000..97f1b69da8a
Binary files /dev/null and b/src/captcha/captchas/VAERS/d8d6BD.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d936c3.jpeg b/src/captcha/captchas/VAERS/d936c3.jpeg
new file mode 100644
index 00000000000..c511eb7babf
Binary files /dev/null and b/src/captcha/captchas/VAERS/d936c3.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d94b26.jpeg b/src/captcha/captchas/VAERS/d94b26.jpeg
new file mode 100644
index 00000000000..937e48e1b46
Binary files /dev/null and b/src/captcha/captchas/VAERS/d94b26.jpeg differ
diff --git a/src/captcha/captchas/VAERS/d9580e.jpeg b/src/captcha/captchas/VAERS/d9580e.jpeg
new file mode 100644
index 00000000000..98aff0a8151
Binary files /dev/null and b/src/captcha/captchas/VAERS/d9580e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/dC8f64.jpeg b/src/captcha/captchas/VAERS/dC8f64.jpeg
new file mode 100644
index 00000000000..f3fa3ca7c17
Binary files /dev/null and b/src/captcha/captchas/VAERS/dC8f64.jpeg differ
diff --git a/src/captcha/captchas/VAERS/dE0576.jpeg b/src/captcha/captchas/VAERS/dE0576.jpeg
new file mode 100644
index 00000000000..2f176272660
Binary files /dev/null and b/src/captcha/captchas/VAERS/dE0576.jpeg differ
diff --git a/src/captcha/captchas/VAERS/dE8867.jpeg b/src/captcha/captchas/VAERS/dE8867.jpeg
new file mode 100644
index 00000000000..d680d6a4ea0
Binary files /dev/null and b/src/captcha/captchas/VAERS/dE8867.jpeg differ
diff --git a/src/captcha/captchas/VAERS/dbc1C4.jpeg b/src/captcha/captchas/VAERS/dbc1C4.jpeg
new file mode 100644
index 00000000000..eb9cc530c8b
Binary files /dev/null and b/src/captcha/captchas/VAERS/dbc1C4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ddd724.jpeg b/src/captcha/captchas/VAERS/ddd724.jpeg
new file mode 100644
index 00000000000..d569528d77a
Binary files /dev/null and b/src/captcha/captchas/VAERS/ddd724.jpeg differ
diff --git a/src/captcha/captchas/VAERS/deEa28.jpeg b/src/captcha/captchas/VAERS/deEa28.jpeg
new file mode 100644
index 00000000000..55dfbb9aa43
Binary files /dev/null and b/src/captcha/captchas/VAERS/deEa28.jpeg differ
diff --git a/src/captcha/captchas/VAERS/df8852.jpeg b/src/captcha/captchas/VAERS/df8852.jpeg
new file mode 100644
index 00000000000..e55c6509a54
Binary files /dev/null and b/src/captcha/captchas/VAERS/df8852.jpeg differ
diff --git a/src/captcha/captchas/VAERS/dfB8AE.jpeg b/src/captcha/captchas/VAERS/dfB8AE.jpeg
new file mode 100644
index 00000000000..0911f340799
Binary files /dev/null and b/src/captcha/captchas/VAERS/dfB8AE.jpeg differ
diff --git a/src/captcha/captchas/VAERS/dfC228.jpeg b/src/captcha/captchas/VAERS/dfC228.jpeg
new file mode 100644
index 00000000000..210522d8498
Binary files /dev/null and b/src/captcha/captchas/VAERS/dfC228.jpeg differ
diff --git a/src/captcha/captchas/VAERS/dfce47.jpeg b/src/captcha/captchas/VAERS/dfce47.jpeg
new file mode 100644
index 00000000000..5c7ddc8b44e
Binary files /dev/null and b/src/captcha/captchas/VAERS/dfce47.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e08e8B.jpeg b/src/captcha/captchas/VAERS/e08e8B.jpeg
new file mode 100644
index 00000000000..39a6d180c03
Binary files /dev/null and b/src/captcha/captchas/VAERS/e08e8B.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e0ab77.jpeg b/src/captcha/captchas/VAERS/e0ab77.jpeg
new file mode 100644
index 00000000000..c7b9c2a40ae
Binary files /dev/null and b/src/captcha/captchas/VAERS/e0ab77.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e17456.jpeg b/src/captcha/captchas/VAERS/e17456.jpeg
new file mode 100644
index 00000000000..5d0177c8cb3
Binary files /dev/null and b/src/captcha/captchas/VAERS/e17456.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e2CF07.jpeg b/src/captcha/captchas/VAERS/e2CF07.jpeg
new file mode 100644
index 00000000000..9bba1e9fac9
Binary files /dev/null and b/src/captcha/captchas/VAERS/e2CF07.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e2acF5.jpeg b/src/captcha/captchas/VAERS/e2acF5.jpeg
new file mode 100644
index 00000000000..b984a9b1ee8
Binary files /dev/null and b/src/captcha/captchas/VAERS/e2acF5.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e46981.jpeg b/src/captcha/captchas/VAERS/e46981.jpeg
new file mode 100644
index 00000000000..1a46e1be5c4
Binary files /dev/null and b/src/captcha/captchas/VAERS/e46981.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e4A461.jpeg b/src/captcha/captchas/VAERS/e4A461.jpeg
new file mode 100644
index 00000000000..d9972605880
Binary files /dev/null and b/src/captcha/captchas/VAERS/e4A461.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e4eeed.jpeg b/src/captcha/captchas/VAERS/e4eeed.jpeg
new file mode 100644
index 00000000000..84430845060
Binary files /dev/null and b/src/captcha/captchas/VAERS/e4eeed.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e59E0e.jpeg b/src/captcha/captchas/VAERS/e59E0e.jpeg
new file mode 100644
index 00000000000..cd8903fafbb
Binary files /dev/null and b/src/captcha/captchas/VAERS/e59E0e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e68cda.jpeg b/src/captcha/captchas/VAERS/e68cda.jpeg
new file mode 100644
index 00000000000..398a17bd8cc
Binary files /dev/null and b/src/captcha/captchas/VAERS/e68cda.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e730ca.jpeg b/src/captcha/captchas/VAERS/e730ca.jpeg
new file mode 100644
index 00000000000..33e202148a1
Binary files /dev/null and b/src/captcha/captchas/VAERS/e730ca.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e79c05.jpeg b/src/captcha/captchas/VAERS/e79c05.jpeg
new file mode 100644
index 00000000000..faf9ec3a13d
Binary files /dev/null and b/src/captcha/captchas/VAERS/e79c05.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e7AB7b.jpeg b/src/captcha/captchas/VAERS/e7AB7b.jpeg
new file mode 100644
index 00000000000..62c083a04e9
Binary files /dev/null and b/src/captcha/captchas/VAERS/e7AB7b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e7BD8f.jpeg b/src/captcha/captchas/VAERS/e7BD8f.jpeg
new file mode 100644
index 00000000000..289c2331a2f
Binary files /dev/null and b/src/captcha/captchas/VAERS/e7BD8f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e8E07d.jpeg b/src/captcha/captchas/VAERS/e8E07d.jpeg
new file mode 100644
index 00000000000..3e25c6878c5
Binary files /dev/null and b/src/captcha/captchas/VAERS/e8E07d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e8FA25.jpeg b/src/captcha/captchas/VAERS/e8FA25.jpeg
new file mode 100644
index 00000000000..fa128eaad63
Binary files /dev/null and b/src/captcha/captchas/VAERS/e8FA25.jpeg differ
diff --git a/src/captcha/captchas/VAERS/e9B53A.jpeg b/src/captcha/captchas/VAERS/e9B53A.jpeg
new file mode 100644
index 00000000000..b2dabe4522d
Binary files /dev/null and b/src/captcha/captchas/VAERS/e9B53A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eAB8fd.jpeg b/src/captcha/captchas/VAERS/eAB8fd.jpeg
new file mode 100644
index 00000000000..e1e228ac7a4
Binary files /dev/null and b/src/captcha/captchas/VAERS/eAB8fd.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eB9041.jpeg b/src/captcha/captchas/VAERS/eB9041.jpeg
new file mode 100644
index 00000000000..34f441bce10
Binary files /dev/null and b/src/captcha/captchas/VAERS/eB9041.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eBDe94.jpeg b/src/captcha/captchas/VAERS/eBDe94.jpeg
new file mode 100644
index 00000000000..dd6bc720aa6
Binary files /dev/null and b/src/captcha/captchas/VAERS/eBDe94.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eC26ec.jpeg b/src/captcha/captchas/VAERS/eC26ec.jpeg
new file mode 100644
index 00000000000..bb442a4fd7f
Binary files /dev/null and b/src/captcha/captchas/VAERS/eC26ec.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eC928c.jpeg b/src/captcha/captchas/VAERS/eC928c.jpeg
new file mode 100644
index 00000000000..ef1523b53da
Binary files /dev/null and b/src/captcha/captchas/VAERS/eC928c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eD494A.jpeg b/src/captcha/captchas/VAERS/eD494A.jpeg
new file mode 100644
index 00000000000..90e14235636
Binary files /dev/null and b/src/captcha/captchas/VAERS/eD494A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eD8149.jpeg b/src/captcha/captchas/VAERS/eD8149.jpeg
new file mode 100644
index 00000000000..a8460f4b805
Binary files /dev/null and b/src/captcha/captchas/VAERS/eD8149.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eDa8EB.jpeg b/src/captcha/captchas/VAERS/eDa8EB.jpeg
new file mode 100644
index 00000000000..17096bf3958
Binary files /dev/null and b/src/captcha/captchas/VAERS/eDa8EB.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eE9CC4.jpeg b/src/captcha/captchas/VAERS/eE9CC4.jpeg
new file mode 100644
index 00000000000..0fd4868fd17
Binary files /dev/null and b/src/captcha/captchas/VAERS/eE9CC4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eFA605.jpeg b/src/captcha/captchas/VAERS/eFA605.jpeg
new file mode 100644
index 00000000000..9f9613fe134
Binary files /dev/null and b/src/captcha/captchas/VAERS/eFA605.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eFbDf1.jpeg b/src/captcha/captchas/VAERS/eFbDf1.jpeg
new file mode 100644
index 00000000000..bdb65b0d474
Binary files /dev/null and b/src/captcha/captchas/VAERS/eFbDf1.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ea902e.jpeg b/src/captcha/captchas/VAERS/ea902e.jpeg
new file mode 100644
index 00000000000..fc74daca3d4
Binary files /dev/null and b/src/captcha/captchas/VAERS/ea902e.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eb14f0.jpeg b/src/captcha/captchas/VAERS/eb14f0.jpeg
new file mode 100644
index 00000000000..93684cffdec
Binary files /dev/null and b/src/captcha/captchas/VAERS/eb14f0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/eb882c.jpeg b/src/captcha/captchas/VAERS/eb882c.jpeg
new file mode 100644
index 00000000000..a2fde8e84c8
Binary files /dev/null and b/src/captcha/captchas/VAERS/eb882c.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ed7BDa.jpeg b/src/captcha/captchas/VAERS/ed7BDa.jpeg
new file mode 100644
index 00000000000..0b63a16177b
Binary files /dev/null and b/src/captcha/captchas/VAERS/ed7BDa.jpeg differ
diff --git a/src/captcha/captchas/VAERS/edf4a8.jpeg b/src/captcha/captchas/VAERS/edf4a8.jpeg
new file mode 100644
index 00000000000..f0ec2db75e9
Binary files /dev/null and b/src/captcha/captchas/VAERS/edf4a8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f01C76.jpeg b/src/captcha/captchas/VAERS/f01C76.jpeg
new file mode 100644
index 00000000000..691e44986f6
Binary files /dev/null and b/src/captcha/captchas/VAERS/f01C76.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f043a6.jpeg b/src/captcha/captchas/VAERS/f043a6.jpeg
new file mode 100644
index 00000000000..f23befbf407
Binary files /dev/null and b/src/captcha/captchas/VAERS/f043a6.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f0493A.jpeg b/src/captcha/captchas/VAERS/f0493A.jpeg
new file mode 100644
index 00000000000..cad3960fdee
Binary files /dev/null and b/src/captcha/captchas/VAERS/f0493A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f123F2.jpeg b/src/captcha/captchas/VAERS/f123F2.jpeg
new file mode 100644
index 00000000000..defb787870b
Binary files /dev/null and b/src/captcha/captchas/VAERS/f123F2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f136De.jpeg b/src/captcha/captchas/VAERS/f136De.jpeg
new file mode 100644
index 00000000000..3bcc0288cbd
Binary files /dev/null and b/src/captcha/captchas/VAERS/f136De.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f19062.jpeg b/src/captcha/captchas/VAERS/f19062.jpeg
new file mode 100644
index 00000000000..41b50aa5ce6
Binary files /dev/null and b/src/captcha/captchas/VAERS/f19062.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f2568A.jpeg b/src/captcha/captchas/VAERS/f2568A.jpeg
new file mode 100644
index 00000000000..467bb78571a
Binary files /dev/null and b/src/captcha/captchas/VAERS/f2568A.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f257b4.jpeg b/src/captcha/captchas/VAERS/f257b4.jpeg
new file mode 100644
index 00000000000..ee72d0d056b
Binary files /dev/null and b/src/captcha/captchas/VAERS/f257b4.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f2861d.jpeg b/src/captcha/captchas/VAERS/f2861d.jpeg
new file mode 100644
index 00000000000..bfb632874ae
Binary files /dev/null and b/src/captcha/captchas/VAERS/f2861d.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f32878.jpeg b/src/captcha/captchas/VAERS/f32878.jpeg
new file mode 100644
index 00000000000..e01619b5747
Binary files /dev/null and b/src/captcha/captchas/VAERS/f32878.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f34cB8.jpeg b/src/captcha/captchas/VAERS/f34cB8.jpeg
new file mode 100644
index 00000000000..c95367ed8cf
Binary files /dev/null and b/src/captcha/captchas/VAERS/f34cB8.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f3d3F7.jpeg b/src/captcha/captchas/VAERS/f3d3F7.jpeg
new file mode 100644
index 00000000000..9c20816d265
Binary files /dev/null and b/src/captcha/captchas/VAERS/f3d3F7.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f4B5ED.jpeg b/src/captcha/captchas/VAERS/f4B5ED.jpeg
new file mode 100644
index 00000000000..cdb98a946e4
Binary files /dev/null and b/src/captcha/captchas/VAERS/f4B5ED.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f54EFF.jpeg b/src/captcha/captchas/VAERS/f54EFF.jpeg
new file mode 100644
index 00000000000..674854b173c
Binary files /dev/null and b/src/captcha/captchas/VAERS/f54EFF.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f75aA0.jpeg b/src/captcha/captchas/VAERS/f75aA0.jpeg
new file mode 100644
index 00000000000..1cf6f68c0c5
Binary files /dev/null and b/src/captcha/captchas/VAERS/f75aA0.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f81DBA.jpeg b/src/captcha/captchas/VAERS/f81DBA.jpeg
new file mode 100644
index 00000000000..71451c58e2a
Binary files /dev/null and b/src/captcha/captchas/VAERS/f81DBA.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f867fa.jpeg b/src/captcha/captchas/VAERS/f867fa.jpeg
new file mode 100644
index 00000000000..b4c0a079c1d
Binary files /dev/null and b/src/captcha/captchas/VAERS/f867fa.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f89d3a.jpeg b/src/captcha/captchas/VAERS/f89d3a.jpeg
new file mode 100644
index 00000000000..3abd2f88144
Binary files /dev/null and b/src/captcha/captchas/VAERS/f89d3a.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f8cb39.jpeg b/src/captcha/captchas/VAERS/f8cb39.jpeg
new file mode 100644
index 00000000000..3295e4587f3
Binary files /dev/null and b/src/captcha/captchas/VAERS/f8cb39.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f90942.jpeg b/src/captcha/captchas/VAERS/f90942.jpeg
new file mode 100644
index 00000000000..e395af2047a
Binary files /dev/null and b/src/captcha/captchas/VAERS/f90942.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f99622.jpeg b/src/captcha/captchas/VAERS/f99622.jpeg
new file mode 100644
index 00000000000..ebe039f3c4e
Binary files /dev/null and b/src/captcha/captchas/VAERS/f99622.jpeg differ
diff --git a/src/captcha/captchas/VAERS/f9Dcc2.jpeg b/src/captcha/captchas/VAERS/f9Dcc2.jpeg
new file mode 100644
index 00000000000..7e129b99116
Binary files /dev/null and b/src/captcha/captchas/VAERS/f9Dcc2.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fAaa5D.jpeg b/src/captcha/captchas/VAERS/fAaa5D.jpeg
new file mode 100644
index 00000000000..790644ecc29
Binary files /dev/null and b/src/captcha/captchas/VAERS/fAaa5D.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fAe855.jpeg b/src/captcha/captchas/VAERS/fAe855.jpeg
new file mode 100644
index 00000000000..4144cf14f6f
Binary files /dev/null and b/src/captcha/captchas/VAERS/fAe855.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fB1D8f.jpeg b/src/captcha/captchas/VAERS/fB1D8f.jpeg
new file mode 100644
index 00000000000..919cc3f50f9
Binary files /dev/null and b/src/captcha/captchas/VAERS/fB1D8f.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fBF278.jpeg b/src/captcha/captchas/VAERS/fBF278.jpeg
new file mode 100644
index 00000000000..03ef081ac06
Binary files /dev/null and b/src/captcha/captchas/VAERS/fBF278.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fD9CFf.jpeg b/src/captcha/captchas/VAERS/fD9CFf.jpeg
new file mode 100644
index 00000000000..d6854e7dced
Binary files /dev/null and b/src/captcha/captchas/VAERS/fD9CFf.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fF1c0b.jpeg b/src/captcha/captchas/VAERS/fF1c0b.jpeg
new file mode 100644
index 00000000000..0a07e019fdb
Binary files /dev/null and b/src/captcha/captchas/VAERS/fF1c0b.jpeg differ
diff --git a/src/captcha/captchas/VAERS/faEA48.jpeg b/src/captcha/captchas/VAERS/faEA48.jpeg
new file mode 100644
index 00000000000..2915b921757
Binary files /dev/null and b/src/captcha/captchas/VAERS/faEA48.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fc6C48.jpeg b/src/captcha/captchas/VAERS/fc6C48.jpeg
new file mode 100644
index 00000000000..a1fdd544aa2
Binary files /dev/null and b/src/captcha/captchas/VAERS/fc6C48.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fd9847.jpeg b/src/captcha/captchas/VAERS/fd9847.jpeg
new file mode 100644
index 00000000000..4ef6af409c8
Binary files /dev/null and b/src/captcha/captchas/VAERS/fd9847.jpeg differ
diff --git a/src/captcha/captchas/VAERS/fdb514.jpeg b/src/captcha/captchas/VAERS/fdb514.jpeg
new file mode 100644
index 00000000000..d1a8b96d238
Binary files /dev/null and b/src/captcha/captchas/VAERS/fdb514.jpeg differ
diff --git a/src/captcha/captchas/VAERS/ffcAb5.jpeg b/src/captcha/captchas/VAERS/ffcAb5.jpeg
new file mode 100644
index 00000000000..5cba1ebc6b3
Binary files /dev/null and b/src/captcha/captchas/VAERS/ffcAb5.jpeg differ
diff --git a/src/help.txt b/src/help.txt
index 6389ef7c837..a2ba76d686e 100644
--- a/src/help.txt
+++ b/src/help.txt
@@ -7,13 +7,17 @@ FK-TODO:
anacron job:
sudo cp src/intensivstationen_howbadismybatch.sh /etc/cron.daily/intensivstationen_howbadismybatch
-conda create --name howbadismybatch-venv python=3
+conda create --name howbadismybatch-venv python=3.9
conda activate howbadismybatch-venv
ipython kernel install --user --name=howbadismybatch-venv-kernel
jupyter kernelspec list
conda env export --from-history > environment.yml
conda env create -f environment.yml
+update howbadismybatch-venv:
+conda activate howbadismybatch-venv
+conda env update --file environment.yml --prune
+
www.HowBadIsMyBatch.info
/etc/apache2/sites-available/HowBadIsMyBatch.conf