{ "cells": [ { "cell_type": "raw", "id": "3ea82dae", "metadata": {}, "source": [ "Run in Google Colab" ] }, { "cell_type": "markdown", "id": "e91056b9", "metadata": {}, "source": [ "# SciKeras Benchmarks\n", "\n", "SciKeras wraps Keras Models, but does not alter their performance since all of the heavy lifting still happens within Keras/Tensorflow. In this notebook, we compare the performance and accuracy of a pure-Keras Model to the same model wrapped in SciKeras.\n", "\n", "## Table of contents\n", "\n", "* [1. Setup](#1.-Setup)\n", "* [2. Dataset](#2.-Dataset)\n", "* [3. Define Keras Model](#3.-Define-Keras-Model)\n", "* [4. Keras benchmarks](#4.-Keras-benchmarks)\n", "* [5. SciKeras benchmark](#5.-SciKeras-benchmark)\n", "\n", "## 1. Setup" ] }, { "cell_type": "code", "execution_count": 1, "id": "026b2967", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:16.135884Z", "iopub.status.busy": "2024-04-11T21:57:16.135603Z", "iopub.status.idle": "2024-04-11T21:57:23.700397Z", "shell.execute_reply": "2024-04-11T21:57:23.699559Z" } }, "outputs": [], "source": [ "try:\n", " import scikeras\n", "except ImportError:\n", " !python -m pip install scikeras[tensorflow]" ] }, { "cell_type": "markdown", "id": "6f9a9d1a", "metadata": {}, "source": [ "Silence TensorFlow logging to keep output succinct." ] }, { "cell_type": "code", "execution_count": 2, "id": "ca3304a7", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:23.704686Z", "iopub.status.busy": "2024-04-11T21:57:23.703961Z", "iopub.status.idle": "2024-04-11T21:57:23.708229Z", "shell.execute_reply": "2024-04-11T21:57:23.707661Z" } }, "outputs": [], "source": [ "import warnings\n", "from tensorflow import get_logger\n", "get_logger().setLevel('ERROR')\n", "warnings.filterwarnings(\"ignore\", message=\"Setting the random state for TF\")" ] }, { "cell_type": "code", "execution_count": 3, "id": "d8236551", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:23.710778Z", "iopub.status.busy": "2024-04-11T21:57:23.710574Z", "iopub.status.idle": "2024-04-11T21:57:25.079941Z", "shell.execute_reply": "2024-04-11T21:57:25.079299Z" } }, "outputs": [], "source": [ "import numpy as np\n", "from scikeras.wrappers import KerasClassifier, KerasRegressor\n", "import keras" ] }, { "cell_type": "markdown", "id": "de0982b7", "metadata": {}, "source": [ "## 2. Dataset\n", "\n", "We will be using the MNIST dataset available within Keras." ] }, { "cell_type": "code", "execution_count": 4, "id": "e802bec2", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:25.083611Z", "iopub.status.busy": "2024-04-11T21:57:25.082889Z", "iopub.status.idle": "2024-04-11T21:57:25.525273Z", "shell.execute_reply": "2024-04-11T21:57:25.524618Z" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Downloading data from https://storage.googleapis.com/tensorflow/tf-keras-datasets/mnist.npz\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\r", "\u001b[1m 0/11490434\u001b[0m \u001b[37m━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[1m0s\u001b[0m 0s/step" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\r", "\u001b[1m 3055616/11490434\u001b[0m \u001b[32m━━━━━\u001b[0m\u001b[37m━━━━━━━━━━━━━━━\u001b[0m \u001b[1m0s\u001b[0m 0us/step" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\r", "\u001b[1m11490434/11490434\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 0us/step\n" ] } ], "source": [ "(x_train, y_train), (x_test, y_test) = keras.datasets.mnist.load_data()\n", "# Scale images to the [0, 1] range\n", "x_train = x_train.astype(\"float32\") / 255\n", "x_test = x_test.astype(\"float32\") / 255\n", "# Make sure images have shape (28, 28, 1)\n", "x_train = np.expand_dims(x_train, -1)\n", "x_test = np.expand_dims(x_test, -1)\n", "# Reduce dataset size for faster benchmarks\n", "x_train, y_train = x_train[:2000], y_train[:2000]\n", "x_test, y_test = x_test[:500], y_test[:500]" ] }, { "cell_type": "markdown", "id": "b71c74fa", "metadata": {}, "source": [ "## 3. Define Keras Model\n", "\n", "Next we will define our Keras model (adapted from [keras.io](https://keras.io/examples/vision/mnist_convnet/)):" ] }, { "cell_type": "code", "execution_count": 5, "id": "469d9de2", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:25.528596Z", "iopub.status.busy": "2024-04-11T21:57:25.528370Z", "iopub.status.idle": "2024-04-11T21:57:25.533047Z", "shell.execute_reply": "2024-04-11T21:57:25.532383Z" } }, "outputs": [], "source": [ "num_classes = 10\n", "input_shape = (28, 28, 1)\n", "\n", "\n", "def get_model():\n", " model = keras.Sequential(\n", " [\n", " keras.Input(input_shape),\n", " keras.layers.Conv2D(32, kernel_size=(3, 3), activation=\"relu\"),\n", " keras.layers.MaxPooling2D(pool_size=(2, 2)),\n", " keras.layers.Conv2D(64, kernel_size=(3, 3), activation=\"relu\"),\n", " keras.layers.MaxPooling2D(pool_size=(2, 2)),\n", " keras.layers.Flatten(),\n", " keras.layers.Dropout(0.5),\n", " keras.layers.Dense(num_classes, activation=\"softmax\"),\n", " ]\n", " )\n", " model.compile(\n", " loss=\"sparse_categorical_crossentropy\", optimizer=\"adam\"\n", " )\n", " return model" ] }, { "cell_type": "markdown", "id": "dbe12d7d", "metadata": {}, "source": [ "## 4. Keras benchmarks" ] }, { "cell_type": "code", "execution_count": 6, "id": "067a9ec1", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:25.535598Z", "iopub.status.busy": "2024-04-11T21:57:25.535147Z", "iopub.status.idle": "2024-04-11T21:57:25.538344Z", "shell.execute_reply": "2024-04-11T21:57:25.537741Z" } }, "outputs": [], "source": [ "fit_kwargs = {\"batch_size\": 128, \"validation_split\": 0.1, \"verbose\": 0, \"epochs\": 5}" ] }, { "cell_type": "code", "execution_count": 7, "id": "d26fd743", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:25.540590Z", "iopub.status.busy": "2024-04-11T21:57:25.540247Z", "iopub.status.idle": "2024-04-11T21:57:25.543054Z", "shell.execute_reply": "2024-04-11T21:57:25.542522Z" } }, "outputs": [], "source": [ "from sklearn.metrics import accuracy_score\n", "from scikeras.utils.random_state import tensorflow_random_state" ] }, { "cell_type": "code", "execution_count": 8, "id": "0b52de48", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:25.545957Z", "iopub.status.busy": "2024-04-11T21:57:25.545427Z", "iopub.status.idle": "2024-04-11T21:57:29.527686Z", "shell.execute_reply": "2024-04-11T21:57:29.526979Z" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Training time: 3.72\n", "\r", "\u001b[1m 1/16\u001b[0m \u001b[32m━\u001b[0m\u001b[37m━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[1m0s\u001b[0m 60ms/step" ] }, { "name": "stdout", "output_type": "stream", "text": [ "\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\r", "\u001b[1m16/16\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 5ms/step " ] }, { "name": "stdout", "output_type": "stream", "text": [ "\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\b\r", "\u001b[1m16/16\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 5ms/step\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Accuracy: 0.89\n" ] } ], "source": [ "from time import time\n", "\n", "with tensorflow_random_state(seed=0): # we force a TF random state to be able to compare accuracy\n", " model = get_model()\n", " start = time()\n", " model.fit(x_train, y_train, **fit_kwargs)\n", " print(f\"Training time: {time()-start:.2f}\")\n", " y_pred = np.argmax(model.predict(x_test), axis=1)\n", "print(f\"Accuracy: {accuracy_score(y_test, y_pred)}\")" ] }, { "cell_type": "markdown", "id": "6d38e5d6", "metadata": {}, "source": [ "## 5. SciKeras benchmark" ] }, { "cell_type": "code", "execution_count": 9, "id": "053a96c9", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:29.530862Z", "iopub.status.busy": "2024-04-11T21:57:29.530642Z", "iopub.status.idle": "2024-04-11T21:57:29.533929Z", "shell.execute_reply": "2024-04-11T21:57:29.533284Z" } }, "outputs": [], "source": [ "clf = KerasClassifier(\n", " model=get_model,\n", " random_state=0,\n", " **fit_kwargs\n", ")" ] }, { "cell_type": "code", "execution_count": 10, "id": "4e3e144e", "metadata": { "execution": { "iopub.execute_input": "2024-04-11T21:57:29.536824Z", "iopub.status.busy": "2024-04-11T21:57:29.536453Z", "iopub.status.idle": "2024-04-11T21:57:33.711612Z", "shell.execute_reply": "2024-04-11T21:57:33.710916Z" } }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Training time: 4.01\n", "Accuracy: 0.89\n" ] } ], "source": [ "start = time()\n", "clf.fit(x_train, y_train)\n", "print(f\"Training time: {time()-start:.2f}\")\n", "y_pred = clf.predict(x_test)\n", "print(f\"Accuracy: {accuracy_score(y_test, y_pred)}\")" ] }, { "cell_type": "markdown", "id": "792c0a54", "metadata": {}, "source": [ "As you can see, the overhead for SciKeras is <1 sec, and the accuracy is identical." ] } ], "metadata": { "jupytext": { "formats": "ipynb,md" }, "kernelspec": { "display_name": "Python 3", "language": "python", "name": "python3" }, "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.12.2" } }, "nbformat": 4, "nbformat_minor": 5 }