Image to prompt with BLIP and CLIP
You can not select more than 25 topics Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.

2184 lines
303 KiB

{
"cells": [
{
"cell_type": "markdown",
"metadata": {
"id": "3jm8RYrLqvzz"
},
"source": [
"# CLIP Interrogator 2 by [@pharmapsychotic](https://twitter.com/pharmapsychotic) \n",
"\n",
"<br>\n",
"\n",
"Want to figure out what a good prompt might be to create new images like an existing one? The CLIP Interrogator is here to get you answers!\n",
"\n",
"<br>\n",
"\n",
"This version is specialized for producing nice prompts for use with Stable Diffusion and achieves higher alignment between generated text prompt and source image. You can try out the old [version 1](https://colab.research.google.com/github/pharmapsychotic/clip-interrogator/blob/v1/clip_interrogator.ipynb) to see how different CLIP models ranks terms. \n",
"\n",
"<br>\n",
"\n",
"If this notebook is helpful to you please consider buying me a coffee via [ko-fi](https://ko-fi.com/pharmapsychotic) or following me on [twitter](https://twitter.com/pharmapsychotic) for more cool Ai stuff. 🙂\n",
"\n",
"And if you're looking for more Ai art tools check out my [Ai generative art tools list](https://pharmapsychotic.com/tools.html).\n"
]
},
{
"cell_type": "code",
"source": [
"#@title Check GPU\n",
"!nvidia-smi -L"
],
"metadata": {
"cellView": "form",
"id": "aP9FjmWxtLKJ"
},
"execution_count": null,
"outputs": []
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"cellView": "form",
"id": "xpPKQR40qvz2"
},
"outputs": [],
"source": [
"#@title Setup\n",
"import argparse, subprocess, sys, time\n",
"\n",
"def setup():\n",
" install_cmds = [\n",
" ['pip', 'install', 'ftfy', 'regex', 'tqdm', 'transformers==4.21.2', 'timm', 'fairscale', 'requests'],\n",
" ['pip', 'install', '-e', 'git+https://github.com/openai/CLIP.git@main#egg=clip'],\n",
" ['pip', 'install', '-e', 'git+https://github.com/pharmapsychotic/BLIP.git@main#egg=blip'],\n",
" ['git', 'clone', 'https://github.com/pharmapsychotic/clip-interrogator.git']\n",
" ]\n",
" for cmd in install_cmds:\n",
" print(subprocess.run(cmd, stdout=subprocess.PIPE).stdout.decode('utf-8'))\n",
"\n",
"setup()\n",
"\n",
"import sys\n",
"sys.path.append('src/blip')\n",
"sys.path.append('src/clip')\n",
"\n",
"import clip\n",
"import hashlib\n",
"import io\n",
"import IPython\n",
"import ipywidgets as widgets\n",
"import math\n",
"import numpy as np\n",
"import os\n",
"import pickle\n",
"import requests\n",
"import torch\n",
"import torchvision.transforms as T\n",
"import torchvision.transforms.functional as TF\n",
"\n",
"from models.blip import blip_decoder\n",
"from PIL import Image\n",
"from torch import nn\n",
"from torch.nn import functional as F\n",
"from torchvision import transforms\n",
"from torchvision.transforms.functional import InterpolationMode\n",
"from tqdm import tqdm\n",
"from zipfile import ZipFile\n",
"\n",
"\n",
"chunk_size = 2048\n",
"flavor_intermediate_count = 2048\n",
"\n",
"device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')\n",
"\n",
"print(\"Loading BLIP model...\")\n",
"blip_image_eval_size = 384\n",
"blip_model_url = 'https://storage.googleapis.com/sfr-vision-language-research/BLIP/models/model_large_caption.pth' \n",
"blip_model = blip_decoder(pretrained=blip_model_url, image_size=blip_image_eval_size, vit='large', med_config='./src/blip/configs/med_config.json')\n",
"blip_model.eval()\n",
"blip_model = blip_model.to(device)\n",
"\n",
"print(\"Loading CLIP model...\")\n",
"clip_model_name = 'ViT-L/14' #@param ['ViT-B/32', 'ViT-B/16', 'ViT-L/14', 'ViT-L/14@336px', 'RN101', 'RN50', 'RN50x4', 'RN50x16', 'RN50x64'] {type:'string'}\n",
"clip_model, clip_preprocess = clip.load(clip_model_name, device=\"cuda\")\n",
"clip_model.cuda().eval()\n",
"\n",
"\n",
"class LabelTable():\n",
" def __init__(self, labels, desc):\n",
" self.labels = labels\n",
" self.embeds = []\n",
"\n",
" hash = hashlib.sha256(\",\".join(labels).encode()).hexdigest()\n",
"\n",
" os.makedirs('./cache', exist_ok=True)\n",
" cache_filepath = f\"./cache/{desc}.pkl\"\n",
" if desc is not None and os.path.exists(cache_filepath):\n",
" with open(cache_filepath, 'rb') as f:\n",
" data = pickle.load(f)\n",
" if data.get('hash') == hash and data.get('model') == clip_model_name:\n",
" self.labels = data['labels']\n",
" self.embeds = data['embeds']\n",
"\n",
" if len(self.labels) != len(self.embeds):\n",
" self.embeds = []\n",
" chunks = np.array_split(self.labels, max(1, len(self.labels)/chunk_size))\n",
" for chunk in tqdm(chunks, desc=f\"Preprocessing {desc}\" if desc else None):\n",
" text_tokens = clip.tokenize(chunk).cuda()\n",
" with torch.no_grad():\n",
" text_features = clip_model.encode_text(text_tokens).float()\n",
" text_features /= text_features.norm(dim=-1, keepdim=True)\n",
" text_features = text_features.half().cpu().numpy()\n",
" for i in range(text_features.shape[0]):\n",
" self.embeds.append(text_features[i])\n",
"\n",
" with open(cache_filepath, 'wb') as f:\n",
" pickle.dump({\"labels\":self.labels, \"embeds\":self.embeds, \"hash\":hash, \"model\":clip_model_name}, f)\n",
" \n",
" def _rank(self, image_features, text_embeds, top_count=1):\n",
" top_count = min(top_count, len(text_embeds))\n",
" similarity = torch.zeros((1, len(text_embeds))).to(device)\n",
" text_embeds = torch.stack([torch.from_numpy(t) for t in text_embeds]).float().to(device)\n",
" for i in range(image_features.shape[0]):\n",
" similarity += (image_features[i].unsqueeze(0) @ text_embeds.T).softmax(dim=-1)\n",
" _, top_labels = similarity.cpu().topk(top_count, dim=-1)\n",
" return [top_labels[0][i].numpy() for i in range(top_count)]\n",
"\n",
" def rank(self, image_features, top_count=1):\n",
" if len(self.labels) <= chunk_size:\n",
" tops = self._rank(image_features, self.embeds, top_count=top_count)\n",
" return [self.labels[i] for i in tops]\n",
"\n",
" num_chunks = int(math.ceil(len(self.labels)/chunk_size))\n",
" keep_per_chunk = int(chunk_size / num_chunks)\n",
"\n",
" top_labels, top_embeds = [], []\n",
" for chunk_idx in tqdm(range(num_chunks)):\n",
" start = chunk_idx*chunk_size\n",
" stop = min(start+chunk_size, len(self.embeds))\n",
" tops = self._rank(image_features, self.embeds[start:stop], top_count=keep_per_chunk)\n",
" top_labels.extend([self.labels[start+i] for i in tops])\n",
" top_embeds.extend([self.embeds[start+i] for i in tops])\n",
"\n",
" tops = self._rank(image_features, top_embeds, top_count=top_count)\n",
" return [top_labels[i] for i in tops]\n",
"\n",
"def generate_caption(pil_image):\n",
" gpu_image = transforms.Compose([\n",
" transforms.Resize((blip_image_eval_size, blip_image_eval_size), interpolation=InterpolationMode.BICUBIC),\n",
" transforms.ToTensor(),\n",
" transforms.Normalize((0.48145466, 0.4578275, 0.40821073), (0.26862954, 0.26130258, 0.27577711))\n",
" ])(pil_image).unsqueeze(0).to(device)\n",
"\n",
" with torch.no_grad():\n",
" caption = blip_model.generate(gpu_image, sample=False, num_beams=3, max_length=20, min_length=5)\n",
" return caption[0]\n",
"\n",
"def rank_top(image_features, text_array):\n",
" text_tokens = clip.tokenize([text for text in text_array]).cuda()\n",
" with torch.no_grad():\n",
" text_features = clip_model.encode_text(text_tokens).float()\n",
" text_features /= text_features.norm(dim=-1, keepdim=True)\n",
"\n",
" similarity = torch.zeros((1, len(text_array)), device=device)\n",
" for i in range(image_features.shape[0]):\n",
" similarity += (image_features[i].unsqueeze(0) @ text_features.T).softmax(dim=-1)\n",
"\n",
" _, top_labels = similarity.cpu().topk(1, dim=-1)\n",
" return text_array[top_labels[0][0].numpy()]\n",
"\n",
"def similarity(image_features, text):\n",
" text_tokens = clip.tokenize([text]).cuda()\n",
" with torch.no_grad():\n",
" text_features = clip_model.encode_text(text_tokens).float() \n",
" text_features /= text_features.norm(dim=-1, keepdim=True)\n",
" similarity = text_features.cpu().numpy() @ image_features.cpu().numpy().T\n",
" return similarity[0][0]\n",
"\n",
"def load_list(filename):\n",
" with open(filename, 'r', encoding='utf-8', errors='replace') as f:\n",
" items = [line.strip() for line in f.readlines()]\n",
" return items\n",
"\n",
"def interrogate(image):\n",
" caption = generate_caption(image)\n",
"\n",
" images = clip_preprocess(image).unsqueeze(0).cuda()\n",
" with torch.no_grad():\n",
" image_features = clip_model.encode_image(images).float()\n",
" image_features /= image_features.norm(dim=-1, keepdim=True)\n",
"\n",
" flaves = flavors.rank(image_features, flavor_intermediate_count)\n",
" best_medium = mediums.rank(image_features, 1)[0]\n",
" best_artist = artists.rank(image_features, 1)[0]\n",
" best_trending = trendings.rank(image_features, 1)[0]\n",
" best_movement = movements.rank(image_features, 1)[0]\n",
"\n",
" best_prompt = caption\n",
" best_sim = similarity(image_features, best_prompt)\n",
"\n",
" def check(addition):\n",
" nonlocal best_prompt, best_sim\n",
" prompt = best_prompt + \", \" + addition\n",
" sim = similarity(image_features, prompt)\n",
" if sim > best_sim:\n",
" best_sim = sim\n",
" best_prompt = prompt\n",
" return True\n",
" return False\n",
"\n",
" def check_multi_batch(opts):\n",
" nonlocal best_prompt, best_sim\n",
" prompts = []\n",
" for i in range(2**len(opts)):\n",
" prompt = best_prompt\n",
" for bit in range(len(opts)):\n",
" if i & (1 << bit):\n",
" prompt += \", \" + opts[bit]\n",
" prompts.append(prompt)\n",
"\n",
" t = LabelTable(prompts, None)\n",
" best_prompt = t.rank(image_features, 1)[0]\n",
" best_sim = similarity(image_features, best_prompt)\n",
"\n",
" check_multi_batch([best_medium, best_artist, best_trending, best_movement])\n",
"\n",
" extended_flavors = set(flaves)\n",
" for _ in tqdm(range(25), desc=\"Flavor chain\"):\n",
" try:\n",
" best = rank_top(image_features, [f\"{best_prompt}, {f}\" for f in extended_flavors])\n",
" flave = best[len(best_prompt)+2:]\n",
" if not check(flave):\n",
" break\n",
" extended_flavors.remove(flave)\n",
" except:\n",
" # exceeded max prompt length\n",
" break\n",
"\n",
" return best_prompt\n",
"\n",
"DATA_PATH = 'clip-interrogator/data'\n",
"\n",
"sites = ['Artstation', 'behance', 'cg society', 'cgsociety', 'deviantart', 'dribble', 'flickr', 'instagram', 'pexels', 'pinterest', 'pixabay', 'pixiv', 'polycount', 'reddit', 'shutterstock', 'tumblr', 'unsplash', 'zbrush central']\n",
"trending_list = [site for site in sites]\n",
"trending_list.extend([\"trending on \"+site for site in sites])\n",
"trending_list.extend([\"featured on \"+site for site in sites])\n",
"trending_list.extend([site+\" contest winner\" for site in sites])\n",
"\n",
"raw_artists = load_list(f'{DATA_PATH}/artists.txt')\n",
"artists = [f\"by {a}\" for a in raw_artists]\n",
"artists.extend([f\"inspired by {a}\" for a in raw_artists])\n",
"\n",
"artists = LabelTable(artists, \"artists\")\n",
"flavors = LabelTable(load_list(f'{DATA_PATH}/flavors.txt'), \"flavors\")\n",
"mediums = LabelTable(load_list(f'{DATA_PATH}/mediums.txt'), \"mediums\")\n",
"movements = LabelTable(load_list(f'{DATA_PATH}/movements.txt'), \"movements\")\n",
"trendings = LabelTable(trending_list, \"trendings\")\n",
"\n"
]
},
{
"cell_type": "code",
"source": [
"#@title Interrogate\n",
"\n",
"#@markdown Run this cell and then paste a link to an image or upload an image in the UI. Then click the Interrogate button to get a prompt suggestion.\n",
"\n",
"image_url = 'https://cdnb.artstation.com/p/assets/images/images/032/142/769/large/ignacio-bazan-lazcano-book-4-final.jpg'\n",
"\n",
"def show_ui():\n",
" go_button = widgets.Button(\n",
" description='Interrogate!',\n",
" disabled=False,\n",
" button_style='',\n",
" tooltip='Click me'\n",
" )\n",
" image_txt = widgets.Text(\n",
" value=image_url, \n",
" description='', \n",
" layout=widgets.Layout(width='50%')\n",
" )\n",
" uploader = widgets.FileUpload(accept='image/*', multiple=False)\n",
"\n",
" ui = widgets.VBox([\n",
" widgets.HBox([widgets.Label('image url:'), image_txt]),\n",
" widgets.HBox([widgets.Label('or upload:'), uploader]),\n",
" widgets.Label(''),\n",
" go_button\n",
" ])\n",
"\n",
" def go(btn):\n",
" image_url = image_txt.value\n",
" if len(uploader.value):\n",
" print(uploader.value)\n",
" print(uploader.value.items())\n",
" for name, file_info in uploader.value.items():\n",
" image = Image.open(io.BytesIO(file_info['content'])).convert('RGB')\n",
" break\n",
" else:\n",
" if str(image_url).startswith('http://') or str(image_url).startswith('https://'):\n",
" image = Image.open(requests.get(image_url, stream=True).raw).convert('RGB')\n",
" else:\n",
" image = Image.open(image_url).convert('RGB')\n",
"\n",
" IPython.display.clear_output()\n",
" print('\\n\\n')\n",
" thumb = image.copy()\n",
" thumb.thumbnail([blip_image_eval_size, blip_image_eval_size])\n",
" print(\"Interrogating...\")\n",
" display(thumb)\n",
"\n",
" prompt = interrogate(image)\n",
" IPython.display.clear_output()\n",
" show_ui()\n",
"\n",
" print('\\n\\n')\n",
" display(thumb)\n",
" ui = widgets.VBox([\n",
" widgets.Textarea(\n",
" value=prompt,\n",
" description='prompt:',\n",
" layout=widgets.Layout(width='75%', height='6em')\n",
" )\n",
" ])\n",
" display(ui)\n",
" \n",
" go_button.on_click(go)\n",
" image_txt.on_submit(go)\n",
" display(ui)\n",
"\n",
"show_ui()"
],
"metadata": {
"cellView": "form",
"id": "34fmVUqjx3l7",
"outputId": "5265d5cf-ff03-426d-9387-775035f59c95",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 671,
"referenced_widgets": [
"d0e9549e51c5462cab6c2c9fb51a691b",
"f6da0ace5ed742118fec959b9054f6b1",
"deebdca6e90e42429069f809c3c359dc",
"38bde91645d24b0b8b9e3984f641b4e4",
"e60de8a6eb3e47fb8d26fc6cfb7257b4",
"3a9ceaa282914dbdb519c2b75b994a7d",
"f5bd1d4fb8e94debb848721a0252ddc1",
"d1173bba68f9406b8880cb31c2c1c0fc",
"6e69e78d55c64ad1a1294bf37defff4f",
"4eb188b777e8446683bd4094dd3e0aa6",
"587b0f861d6c424d95bd8836714577c3",
"e9c521a7e8464cd29ed653590c3a55ab",
"1792158a76ae4a298e75143ff9aef877",
"8d0413f5d4004ec3953aa1fef7181996",
"1ae2d68575d64d3b8a8a0f4f74530827",
"759d00378b1e4b60a78d4dcf135b7796",
"adcba2d79d464a2c939582f3373da45a",
"e82cf4f39c5046c89aae3c46c3f94303",
"ac5e63d96ae6400795b8954cd5ad97b7",
"bc592995146648b08491c09430e12fb3",
"96c4259c8b7b4203a8177cad3de89fbf",
"805387cb078f486da4c25604f9235939",
"6eb1cf7394ca41cd99f8d28b775fa12b",
"c92d623c280846c2bff7e211f8712fc0",
"3a7c265b5e7c43c8944b92f4c2cd768f",
"eb56cb4c08db45eab110e347d481e485",
"b671cc14ddbe4ae6b51200eb2642b98e",
"30fefb14aa84474c843e605b1063b62e",
"ab0f62cb71e0451b829cec2300316e0f",
"c3c50a6f76dc44a59ed1e6b98cb3cbf2",
"1ec5f7c02b1447dd9a34848eecaedc86",
"1e5ad832f22c46509f33896ce47d9a62",
"1d783742df2d474c89ea6ef2d1f6cc9f",
"ecbe120bdbab4d78ac71ac147c63f122",
"b621f0e265374190b09e5792200f6417",
"d0d092cbffef475f919633698c362814",
"596a7c5743c8400982ffeae136a12fe0",
"0f62447601274f03a740b248150e26de",
"04320bc210d949838f6728ba3b2bc394",
"e08569096ff844b09f5f22b9290fc042",
"3d46f60f73ae4b8ebbf7638f6223c3b5",
"9678f42592144487a5ba41cdc72057f6",
"a0533b9e0bb64260a758d1789de5dc56",
"33fb68953e5344d7a8d2f4b69b992df0",
"06de141005894e99a056aad89d10b7f5",
"6a61dce125464a20ad9aacecbe3909a5",
"523c3fd489be4b58b8cde981c054c2af",
"ad0dc3700e2d47c4b193730ad2035a82",
"0a867e7d25d94fb290b05d37b5c866c9",
"295d581920e24e688eb3210956c1a231",
"a448329185d445b08a4f925124a3e5c4",
"fd8b7c6bb4cf47a59a08d4611793a8f0",
"abf321c37b6e43aab90c9d3107d73f06"
]
}
},
"execution_count": 3,
"outputs": [
{
"output_type": "display_data",
"data": {
"text/plain": [
"VBox(children=(HBox(children=(Label(value='image url:'), Text(value='https://cdnb.artstation.com/p/assets/imag…"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "3a7c265b5e7c43c8944b92f4c2cd768f"
}
},
"metadata": {}
},
{
"output_type": "stream",
"name": "stdout",
"text": [
"\n",
"\n",
"\n"
]
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"<PIL.Image.Image image mode=RGB size=238x384 at 0x7FAAEC825810>"
],
"image/png": "iVBORw0KGgoAAAANSUhEUgAAAO4AAAGACAIAAAAlBcnrAAEAAElEQVR4nGT9Wa9lSZYeiK21zGxPZ76zT+HhHnNEVmVmFZM1dBXJItnqhtCDBAGCWoDAR0FP/QsE6BcIEiAIDUgvemhRooBuQUKRYpGsKrIqK6fKMSIzRo8In67f+cx7NFtLD2a2z41qR6bH9XPu2WdvszV861uD4XD6EEAA/F8CiCCICMJOxAECAoEwIAogAoA4AAJE/yIAAPR/OwQU8H8QQUTEvyHhJfSvgP8+EUACRAT/ugCi/1iCyglbYBQEQEDwX0ekWAAQgRkBBQVEMHySCIARBQT7x/HfJALiABCQEEQAEAgIAQCEBREBgR0ACBICAiH0twkg/v6E0T/43/kjIGCBSSezg+P71naAQIDZW2+bPL344b9PizEq7R8RAUQcAgqi61ql5e4f/PHT738fgO6wyYG+16Yv98338umvt5vf29sDgS/qzYBwvV39v159smhbJBRnEXfr7NcVgBCEnQUAJAMgiCggIoJIfoMR0a+NX3xBv00ICMLiV0YQ/Yr77ZbbCwECgkCAQLdfDfvP0m87IPmFFRErPDX5+4OjJXb/YPxw6PD/cvrTDTABKp0414UvIYVIIi5KComw/8HvI5IStoiIQKAUCIhwuCskQqCw08zg3xAGYGYnwAAIgiIs/svECx9K+HIBYWAWYRAGscIMQVIRghxL2GsRCC9hlC6JK9pfTUBEWFhgnAwISGFCKgWisEYszIIQtlFARJxfOBFJEN8a7QOwf2N3fbbADECAAP4+mP0Nhq9n8asmgMLOvwLMUcEFGEAIUSH6i/hF7PXEgSCQJq0RUdghKQZUg8KVlQiwsH+usIBADCgCLE5nWVuVABoEn1O3QPeWTR+mA9MJFemDdPhRuRySIlLvTo//68kHM9B+e9nZ/g7R/yXMrgNEiDfJckvQxNsDDFsCCET+Lb+xQMiIcXeAQQDYGyL0Fqz/Mukt327XcCfRIMHwSOu6Eaj/ePb4v77/h781OnktGSuAe/lsXycsDCDOtSIcLsgOwr4JiDBbEAfiAFyQInZwSxVFGEQg/i0gGqOxREJ/XUBE/yxEIAxC4q0eOyDllRhAADCotAR1RED2/xQGpLjI6H8XCIUFEYD9iiEQoSAgB/vurQBSnu+1KslQG2WsyLZZW1siqWgLRJiRkJkJCUh5U9Ky/bJcoYSrQJR3RI0UbTSCiCDpKIUM4m0VgAggIJK3SgKMIBgNDgSd52AASYkEv4OkQEQASGlC9F/ihE1ebM/P0BsblJ1iACAIAIFIPizqzRqIxDklMAf7v8+v/pl+/HlTjlvcFC2j3LhmDMlLbB9Weg/0tVhAIqV7/yYowByFWIXdQX/z0XxHW4yIAAyACATgBMCbPW/VIdjCqAQY7hW8Z9w54Z1RRorW0P82ABKIyCEm/2Dvtd+avnaSTr5sbkruZpTloq7bzdyVrqnT8T4ZY+tKmBEBIaoEEoBEz3jrG5EQyV8cpTf/KMKEBAAaJJhVER0cCwgihQcHEmQUAGEgQr/92CshBSVkEYz6CyJIcRWj3gAAeymR3boIAwuQQhQQFgGjdJHv59P7iavRuffH+x9vrpDQurxttx133rB64YsmxQkKoBLBjp0I+5v3YuvtkF9d8AsQwQP2XtTfHikU532xBDmIkCAsCyFBcLu7e0BBACAUAtTszZigEOks67ZbRCQiEsXIXuAh7pDrumQ8LTvLbYeKBMAJzsl9Wq0LxnQ0GKAyQG9nw2dt9bpNx6peIkeVJO94gwx5DfSr75/I37oHb0EgMaqTR1k7ExwEWgBAkACEILpPCRId1hoBkci7NugxEwcZ9isGALky/8u99741uidJdtasflNf/lHx4N/K1b23vvWbdnH02h8Nv/68Ku4A8Pbl166qAAlJifPrj2EHhcVbE+k3DP4ucI0OAgF0tJ0UjG38mLfVgOH+vUT2cE9EkCA+BEIQYhYWJAoXEgQkAI6gq0d35LUPhICCoRBB0umwOFqVNTlrxLHwb00OldY/ASoI19ubbnMpGPWll2QveMI7AWMLSEgUHiFIo18RBvFgmgQ4WjVEj5E8pkRC4R4AsnegSseNlX5RAQCIvJNB1ESamQUQCHWSIpGrKkBEVGGVbhs0BAEmnUlbMjMFdy8J4J+tzv8TnL2ejeZJV7L7ui5zpS6rclOuzrHT4gVIAAhQgvcn6rUkrHA0pSwSV8wDY2+mw+6ihK33i4ISkAj5qKbX+511hPhh2u1BkBYCFBS2ACdm+O38aC7NcTH7yc0n3yvu6enenbuP/uZnf/6crBsXg+Hw8stPxLXctWAG3tj2BninExBML4i/VbkN3gOsEQQRHyn1EEeC+yME8BC5v6IE3aAAtpDIu8goo+HTGAIybyoYJaqOxIVAAOD4kjcVLAKCUEzu1g5r50hrAQCUu/ngPz16fWxMbRvHok0OEQQDMNLAZDOdDlEnpDNAI2hIp6TMzuv572cr4iLA4hjt0DfEK2i7B14s7KAPO4LF4mCjA/BAv+R+/6KKMzMLM2U5W8e289bOAQsA9QgJRESMMcy263o3AuBVmuFHJ6YbmI/KZUF6ppNCmTdp4AwKu+AGw6WwR2bexQSUFgUUhG8B3Vt65DUhKFiIGHwwCsGU77AWelvmITju4pBvyDaEIBwQGeT1dPStdP9FvfzLq8+/O7l/lE++unv0kx/+y789/c0GOrFuvm1svVE6UVqJ68CDt3At6gUyOppwp7JDS7fguscmIEGz0ctvWE1mtiASPXEAtojkN5yCG4bgyLxJ818cgKZfU5K4qiIMwCKMwc3FIM/bbEQUMEo75xCVVkYQkPAgyX97dPCfHz/q2BFRlo2ifWVUmagcVa7MNBscZuPDpNhL84nJ9hxkAff6RUGFqBEIoL/xuBaIEMxPb7fAx7KoNHi7HnaUQNBHmV7JwYfSYV0JAImICJUidlYVKbeNOEtKO3D+gQvMCswxsDRARqliUM+XgOQD3n5n0jT9y+uXJVsSOO8qQni2XP68uRHyIka7uw1bdisCDK4j6GkEdT3eCK/vfgMCqL7tX2W3iUG+o3ePiBn7n3uD7WEZCeJ388N9lX3ZLh9kk3eLgyf3T77/5EefXTxJksJkhYCgsygOxBpjhG1kUwhJeQ8hfVi5u0UACcDPu/3bd4USLauIp952H8DoSVEYwK8y+02VEOECECGSFwjwVkAYdqokOzgf1J1kxx54yfZOioWIEB07RCGFDJCRnppkbPR/de+dbw1nLTudFqQM9mjbX885pZUiYK6UAmu7trHWJZ5cCvLhLWvQWH9TEVCKIBICCbvA4iGSSpDQu2kO8JiFO2T2Tw0QkJwICxCgElD+GQkJEVWec9O4rkWlMcgOllC30KWQKFDADoWS4bjbrG6FpEFVtcCn9er766u38yECjEE9NqnDwMKwyG2MI4hIFIVKvOyhOIw21wNcuCV0EGyc966IO9gGAHgbJ3teJ+oACZD/3Z38Iu72H4ERMtLfTvf/Xfm8IPWa06f7s3+//vKzs090kopIMihsU4GwSQyCRQJFImwFUdA/l0QMF3F+f9NBFOO9RTH38kQAIMwoEoC/OISoyMLgrHgmy7/QB6qIiLcxjafAOKAm2EFz+TtAzT+391xIPmSOrgQdMxIZk4oyuUlmOs1IN869ng37kFIABQkQszwBEGtt2dRV3TpMy7opy20xnBw/fFtne0Dab6HXQxAOAD6aEgEGCn4zUKEeSkGghIIJ8ndOCpQGUn7pPIMbXAR6iYK6rgQYCHUxsNVGnAu7IAIoTpyTrpFWhIWdTkxdlxAIkGCJhF2SJs5axXLaVf/n8y+syNNmC2X7MzePLhgAPEDoWQWJHtiThoikAXaxYG+/bolzBDtRLGSHV25JTxTXHowFAxzepHArAZ0jA79mhjeufuXKf1a8+dlI/ylffHn+abfZgqDKchHRWd6uFr1bM0az6/waezFGoPBPCJYnKF/IP0CkFsN9e1yhwYf8gfdlRG/hfQYEIIQs7IOA6AFR+sAfOJh85hgrS3C8AauSZ
},
"metadata": {}
},
{
"output_type": "display_data",
"data": {
"text/plain": [
"VBox(children=(Textarea(value='a man standing on a ledge in a futuristic city, cyberpunk art, retrofuturism, t…"
],
"application/vnd.jupyter.widget-view+json": {
"version_major": 2,
"version_minor": 0,
"model_id": "0a867e7d25d94fb290b05d37b5c866c9"
}
},
"metadata": {}
}
]
}
],
"metadata": {
"kernelspec": {
"display_name": "Python 3.9.7 ('pytorch')",
"language": "python",
"name": "python3"
},
"language_info": {
"name": "python",
"version": "3.9.7"
},
"orig_nbformat": 4,
"vscode": {
"interpreter": {
"hash": "d4dd9c310c32a31bb53615812f2f2c6cba010b7aa4dfb14e2b192e650667fecd"
}
},
"colab": {
"provenance": [],
"collapsed_sections": []
},
"accelerator": "GPU",
"widgets": {
"application/vnd.jupyter.widget-state+json": {
"d0e9549e51c5462cab6c2c9fb51a691b": {
"model_module": "@jupyter-widgets/controls",
"model_name": "VBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "VBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "VBoxView",
"box_style": "",
"children": [
"IPY_MODEL_f6da0ace5ed742118fec959b9054f6b1",
"IPY_MODEL_deebdca6e90e42429069f809c3c359dc",
"IPY_MODEL_38bde91645d24b0b8b9e3984f641b4e4",
"IPY_MODEL_e60de8a6eb3e47fb8d26fc6cfb7257b4"
],
"layout": "IPY_MODEL_3a9ceaa282914dbdb519c2b75b994a7d"
}
},
"f6da0ace5ed742118fec959b9054f6b1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_f5bd1d4fb8e94debb848721a0252ddc1",
"IPY_MODEL_d1173bba68f9406b8880cb31c2c1c0fc"
],
"layout": "IPY_MODEL_6e69e78d55c64ad1a1294bf37defff4f"
}
},
"deebdca6e90e42429069f809c3c359dc": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_4eb188b777e8446683bd4094dd3e0aa6",
"IPY_MODEL_587b0f861d6c424d95bd8836714577c3"
],
"layout": "IPY_MODEL_e9c521a7e8464cd29ed653590c3a55ab"
}
},
"38bde91645d24b0b8b9e3984f641b4e4": {
"model_module": "@jupyter-widgets/controls",
"model_name": "LabelModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "LabelModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "LabelView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_1792158a76ae4a298e75143ff9aef877",
"placeholder": "",
"style": "IPY_MODEL_8d0413f5d4004ec3953aa1fef7181996",
"value": ""
}
},
"e60de8a6eb3e47fb8d26fc6cfb7257b4": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ButtonModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ButtonModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ButtonView",
"button_style": "",
"description": "Interrogate!",
"disabled": false,
"icon": "",
"layout": "IPY_MODEL_1ae2d68575d64d3b8a8a0f4f74530827",
"style": "IPY_MODEL_759d00378b1e4b60a78d4dcf135b7796",
"tooltip": "Click me"
}
},
"3a9ceaa282914dbdb519c2b75b994a7d": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"f5bd1d4fb8e94debb848721a0252ddc1": {
"model_module": "@jupyter-widgets/controls",
"model_name": "LabelModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "LabelModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "LabelView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_adcba2d79d464a2c939582f3373da45a",
"placeholder": "",
"style": "IPY_MODEL_e82cf4f39c5046c89aae3c46c3f94303",
"value": "image url:"
}
},
"d1173bba68f9406b8880cb31c2c1c0fc": {
"model_module": "@jupyter-widgets/controls",
"model_name": "TextModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "TextModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "TextView",
"continuous_update": true,
"description": "",
"description_tooltip": null,
"disabled": false,
"layout": "IPY_MODEL_ac5e63d96ae6400795b8954cd5ad97b7",
"placeholder": "",
"style": "IPY_MODEL_bc592995146648b08491c09430e12fb3",
"value": "https://cdnb.artstation.com/p/assets/images/images/032/142/769/large/ignacio-bazan-lazcano-book-4-final.jpg"
}
},
"6e69e78d55c64ad1a1294bf37defff4f": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"4eb188b777e8446683bd4094dd3e0aa6": {
"model_module": "@jupyter-widgets/controls",
"model_name": "LabelModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "LabelModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "LabelView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_96c4259c8b7b4203a8177cad3de89fbf",
"placeholder": "",
"style": "IPY_MODEL_805387cb078f486da4c25604f9235939",
"value": "or upload:"
}
},
"587b0f861d6c424d95bd8836714577c3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FileUploadModel",
"model_module_version": "1.5.0",
"state": {
"_counter": 0,
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FileUploadModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "FileUploadView",
"accept": "image/*",
"button_style": "",
"data": [],
"description": "Upload",
"description_tooltip": null,
"disabled": false,
"error": "",
"icon": "upload",
"layout": "IPY_MODEL_6eb1cf7394ca41cd99f8d28b775fa12b",
"metadata": [],
"multiple": false,
"style": "IPY_MODEL_c92d623c280846c2bff7e211f8712fc0"
}
},
"e9c521a7e8464cd29ed653590c3a55ab": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"1792158a76ae4a298e75143ff9aef877": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"8d0413f5d4004ec3953aa1fef7181996": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"1ae2d68575d64d3b8a8a0f4f74530827": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"759d00378b1e4b60a78d4dcf135b7796": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ButtonStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ButtonStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"button_color": null,
"font_weight": ""
}
},
"adcba2d79d464a2c939582f3373da45a": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e82cf4f39c5046c89aae3c46c3f94303": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"ac5e63d96ae6400795b8954cd5ad97b7": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": "50%"
}
},
"bc592995146648b08491c09430e12fb3": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"96c4259c8b7b4203a8177cad3de89fbf": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"805387cb078f486da4c25604f9235939": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"6eb1cf7394ca41cd99f8d28b775fa12b": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"c92d623c280846c2bff7e211f8712fc0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ButtonStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ButtonStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"button_color": null,
"font_weight": ""
}
},
"3a7c265b5e7c43c8944b92f4c2cd768f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "VBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "VBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "VBoxView",
"box_style": "",
"children": [
"IPY_MODEL_eb56cb4c08db45eab110e347d481e485",
"IPY_MODEL_b671cc14ddbe4ae6b51200eb2642b98e",
"IPY_MODEL_30fefb14aa84474c843e605b1063b62e",
"IPY_MODEL_ab0f62cb71e0451b829cec2300316e0f"
],
"layout": "IPY_MODEL_c3c50a6f76dc44a59ed1e6b98cb3cbf2"
}
},
"eb56cb4c08db45eab110e347d481e485": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_1ec5f7c02b1447dd9a34848eecaedc86",
"IPY_MODEL_1e5ad832f22c46509f33896ce47d9a62"
],
"layout": "IPY_MODEL_1d783742df2d474c89ea6ef2d1f6cc9f"
}
},
"b671cc14ddbe4ae6b51200eb2642b98e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "HBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
"IPY_MODEL_ecbe120bdbab4d78ac71ac147c63f122",
"IPY_MODEL_b621f0e265374190b09e5792200f6417"
],
"layout": "IPY_MODEL_d0d092cbffef475f919633698c362814"
}
},
"30fefb14aa84474c843e605b1063b62e": {
"model_module": "@jupyter-widgets/controls",
"model_name": "LabelModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "LabelModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "LabelView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_596a7c5743c8400982ffeae136a12fe0",
"placeholder": "",
"style": "IPY_MODEL_0f62447601274f03a740b248150e26de",
"value": ""
}
},
"ab0f62cb71e0451b829cec2300316e0f": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ButtonModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ButtonModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "ButtonView",
"button_style": "",
"description": "Interrogate!",
"disabled": false,
"icon": "",
"layout": "IPY_MODEL_04320bc210d949838f6728ba3b2bc394",
"style": "IPY_MODEL_e08569096ff844b09f5f22b9290fc042",
"tooltip": "Click me"
}
},
"c3c50a6f76dc44a59ed1e6b98cb3cbf2": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"1ec5f7c02b1447dd9a34848eecaedc86": {
"model_module": "@jupyter-widgets/controls",
"model_name": "LabelModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "LabelModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "LabelView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_3d46f60f73ae4b8ebbf7638f6223c3b5",
"placeholder": "",
"style": "IPY_MODEL_9678f42592144487a5ba41cdc72057f6",
"value": "image url:"
}
},
"1e5ad832f22c46509f33896ce47d9a62": {
"model_module": "@jupyter-widgets/controls",
"model_name": "TextModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "TextModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "TextView",
"continuous_update": true,
"description": "",
"description_tooltip": null,
"disabled": false,
"layout": "IPY_MODEL_a0533b9e0bb64260a758d1789de5dc56",
"placeholder": "",
"style": "IPY_MODEL_33fb68953e5344d7a8d2f4b69b992df0",
"value": "https://cdnb.artstation.com/p/assets/images/images/032/142/769/large/ignacio-bazan-lazcano-book-4-final.jpg"
}
},
"1d783742df2d474c89ea6ef2d1f6cc9f": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"ecbe120bdbab4d78ac71ac147c63f122": {
"model_module": "@jupyter-widgets/controls",
"model_name": "LabelModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "LabelModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "LabelView",
"description": "",
"description_tooltip": null,
"layout": "IPY_MODEL_06de141005894e99a056aad89d10b7f5",
"placeholder": "",
"style": "IPY_MODEL_6a61dce125464a20ad9aacecbe3909a5",
"value": "or upload:"
}
},
"b621f0e265374190b09e5792200f6417": {
"model_module": "@jupyter-widgets/controls",
"model_name": "FileUploadModel",
"model_module_version": "1.5.0",
"state": {
"_counter": 0,
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "FileUploadModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "FileUploadView",
"accept": "image/*",
"button_style": "",
"data": [],
"description": "Upload",
"description_tooltip": null,
"disabled": false,
"error": "",
"icon": "upload",
"layout": "IPY_MODEL_523c3fd489be4b58b8cde981c054c2af",
"metadata": [],
"multiple": false,
"style": "IPY_MODEL_ad0dc3700e2d47c4b193730ad2035a82"
}
},
"d0d092cbffef475f919633698c362814": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"596a7c5743c8400982ffeae136a12fe0": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"0f62447601274f03a740b248150e26de": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"04320bc210d949838f6728ba3b2bc394": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"e08569096ff844b09f5f22b9290fc042": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ButtonStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ButtonStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"button_color": null,
"font_weight": ""
}
},
"3d46f60f73ae4b8ebbf7638f6223c3b5": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"9678f42592144487a5ba41cdc72057f6": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"a0533b9e0bb64260a758d1789de5dc56": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": "50%"
}
},
"33fb68953e5344d7a8d2f4b69b992df0": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"06de141005894e99a056aad89d10b7f5": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"6a61dce125464a20ad9aacecbe3909a5": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
},
"523c3fd489be4b58b8cde981c054c2af": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"ad0dc3700e2d47c4b193730ad2035a82": {
"model_module": "@jupyter-widgets/controls",
"model_name": "ButtonStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "ButtonStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"button_color": null,
"font_weight": ""
}
},
"0a867e7d25d94fb290b05d37b5c866c9": {
"model_module": "@jupyter-widgets/controls",
"model_name": "VBoxModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "VBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "VBoxView",
"box_style": "",
"children": [
"IPY_MODEL_295d581920e24e688eb3210956c1a231"
],
"layout": "IPY_MODEL_a448329185d445b08a4f925124a3e5c4"
}
},
"295d581920e24e688eb3210956c1a231": {
"model_module": "@jupyter-widgets/controls",
"model_name": "TextareaModel",
"model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "TextareaModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "TextareaView",
"continuous_update": true,
"description": "prompt:",
"description_tooltip": null,
"disabled": false,
"layout": "IPY_MODEL_fd8b7c6bb4cf47a59a08d4611793a8f0",
"placeholder": "",
"rows": null,
"style": "IPY_MODEL_abf321c37b6e43aab90c9d3107d73f06",
"value": "a man standing on a ledge in a futuristic city, cyberpunk art, retrofuturism, the wolf among us, blacklight, space dandy, protagonist in foreground, official concept art, art foreground : eloy morales, in 2 0 5 5, neon blue, city below, neuromancer, neo tokyo"
}
},
"a448329185d445b08a4f925124a3e5c4": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": null,
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": null
}
},
"fd8b7c6bb4cf47a59a08d4611793a8f0": {
"model_module": "@jupyter-widgets/base",
"model_name": "LayoutModel",
"model_module_version": "1.2.0",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
"_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "LayoutView",
"align_content": null,
"align_items": null,
"align_self": null,
"border": null,
"bottom": null,
"display": null,
"flex": null,
"flex_flow": null,
"grid_area": null,
"grid_auto_columns": null,
"grid_auto_flow": null,
"grid_auto_rows": null,
"grid_column": null,
"grid_gap": null,
"grid_row": null,
"grid_template_areas": null,
"grid_template_columns": null,
"grid_template_rows": null,
"height": "6em",
"justify_content": null,
"justify_items": null,
"left": null,
"margin": null,
"max_height": null,
"max_width": null,
"min_height": null,
"min_width": null,
"object_fit": null,
"object_position": null,
"order": null,
"overflow": null,
"overflow_x": null,
"overflow_y": null,
"padding": null,
"right": null,
"top": null,
"visibility": null,
"width": "75%"
}
},
"abf321c37b6e43aab90c9d3107d73f06": {
"model_module": "@jupyter-widgets/controls",
"model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
"_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
"description_width": ""
}
}
}
}
},
"nbformat": 4,
"nbformat_minor": 0
}