diff --git "a/peft_lora_embedding_semantic_similarity_inference.ipynb" "b/peft_lora_embedding_semantic_similarity_inference.ipynb"
new file mode 100644--- /dev/null
+++ "b/peft_lora_embedding_semantic_similarity_inference.ipynb"
@@ -0,0 +1,1808 @@
+{
+ "cells": [
+ {
+ "cell_type": "code",
+ "execution_count": 1,
+ "id": "3e7b6247",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "[2023-06-29 09:08:24,868] [INFO] [real_accelerator.py:110:get_accelerator] Setting ds_accelerator to cuda (auto detect)\n",
+ "\n",
+ "===================================BUG REPORT===================================\n",
+ "Welcome to bitsandbytes. For bug reports, please run\n",
+ "\n",
+ "python -m bitsandbytes\n",
+ "\n",
+ " and submit this information together with your error trace to: https://github.com/TimDettmers/bitsandbytes/issues\n",
+ "================================================================================\n",
+ "bin /home/sourab/miniconda3/envs/ml/lib/python3.11/site-packages/bitsandbytes/libbitsandbytes_cuda118.so\n",
+ "CUDA SETUP: CUDA runtime path found: /home/sourab/miniconda3/envs/ml/lib/libcudart.so\n",
+ "CUDA SETUP: Highest compute capability among GPUs detected: 7.5\n",
+ "CUDA SETUP: Detected CUDA version 118\n",
+ "CUDA SETUP: Loading binary /home/sourab/miniconda3/envs/ml/lib/python3.11/site-packages/bitsandbytes/libbitsandbytes_cuda118.so...\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/home/sourab/miniconda3/envs/ml/lib/python3.11/site-packages/bitsandbytes/cuda_setup/main.py:149: UserWarning: Found duplicate ['libcudart.so', 'libcudart.so.11.0', 'libcudart.so.12.0'] files: {PosixPath('/home/sourab/miniconda3/envs/ml/lib/libcudart.so'), PosixPath('/home/sourab/miniconda3/envs/ml/lib/libcudart.so.11.0')}.. We'll flip a coin and try one of these, in order to fail forward.\n",
+ "Either way, this might cause trouble in the future:\n",
+ "If you get `CUDA error: invalid device function` errors, the above might be the cause and the solution is to make sure only one ['libcudart.so', 'libcudart.so.11.0', 'libcudart.so.12.0'] in the paths that we search based on your env.\n",
+ " warn(msg)\n"
+ ]
+ }
+ ],
+ "source": [
+ "import argparse\n",
+ "import json\n",
+ "import logging\n",
+ "import math\n",
+ "import os\n",
+ "import random\n",
+ "from pathlib import Path\n",
+ "from tqdm import tqdm\n",
+ "\n",
+ "import datasets\n",
+ "from datasets import load_dataset, DatasetDict\n",
+ "\n",
+ "import evaluate\n",
+ "import torch\n",
+ "from torch import nn\n",
+ "from torch.utils.data import DataLoader\n",
+ "\n",
+ "import transformers\n",
+ "from transformers import AutoTokenizer, AutoModel, default_data_collator, SchedulerType, get_scheduler\n",
+ "from transformers.utils import check_min_version, get_full_repo_name, send_example_telemetry\n",
+ "from transformers.utils.versions import require_version\n",
+ "\n",
+ "from huggingface_hub import Repository, create_repo\n",
+ "\n",
+ "from accelerate import Accelerator\n",
+ "from accelerate.logging import get_logger\n",
+ "from accelerate.utils import set_seed\n",
+ "\n",
+ "from peft import PeftModel\n",
+ "\n",
+ "import hnswlib"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "id": "c939b4fd",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "class AutoModelForSentenceEmbedding(nn.Module):\n",
+ " def __init__(self, model_name, tokenizer, normalize=True):\n",
+ " super(AutoModelForSentenceEmbedding, self).__init__()\n",
+ "\n",
+ " self.model = AutoModel.from_pretrained(model_name) # , load_in_8bit=True, device_map={\"\":0})\n",
+ " self.normalize = normalize\n",
+ " self.tokenizer = tokenizer\n",
+ "\n",
+ " def forward(self, **kwargs):\n",
+ " model_output = self.model(**kwargs)\n",
+ " embeddings = self.mean_pooling(model_output, kwargs[\"attention_mask\"])\n",
+ " if self.normalize:\n",
+ " embeddings = torch.nn.functional.normalize(embeddings, p=2, dim=1)\n",
+ "\n",
+ " return embeddings\n",
+ "\n",
+ " def mean_pooling(self, model_output, attention_mask):\n",
+ " token_embeddings = model_output[0] # First element of model_output contains all token embeddings\n",
+ " input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()\n",
+ " return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)\n",
+ "\n",
+ " def __getattr__(self, name: str):\n",
+ " \"\"\"Forward missing attributes to the wrapped module.\"\"\"\n",
+ " try:\n",
+ " return super().__getattr__(name) # defer to nn.Module's logic\n",
+ " except AttributeError:\n",
+ " return getattr(self.model, name)\n",
+ "\n",
+ "\n",
+ "def get_cosing_embeddings(query_embs, product_embs):\n",
+ " return torch.sum(query_embs * product_embs, axis=1)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "id": "8b5d9256",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "model_name_or_path = \"intfloat/e5-large-v2\"\n",
+ "peft_model_id = \"smangrul/peft_lora_e5_semantic_search\"\n",
+ "dataset_name = \"smangrul/amazon_esci\"\n",
+ "max_length = 70\n",
+ "batch_size = 256"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 4,
+ "id": "f190e1ee",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Found cached dataset parquet (/raid/sourab/.cache/huggingface/datasets/smangrul___parquet/smangrul--amazon_esci-321288cabf0cc045/0.0.0/14a00e99c0d15a23649d0db8944380ac81082d4b021f398733dd84f3a6c569a7)\n"
+ ]
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "43b84641575e4ce6899a3e6f61d7e126",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ " 0%| | 0/2 [00:00, ?it/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "import pandas as pd\n",
+ "\n",
+ "tokenizer = AutoTokenizer.from_pretrained(model_name_or_path)\n",
+ "dataset = load_dataset(dataset_name)\n",
+ "train_product_dataset = dataset[\"train\"].to_pandas()[[\"product_title\"]]\n",
+ "val_product_dataset = dataset[\"validation\"].to_pandas()[[\"product_title\"]]\n",
+ "product_dataset_for_indexing = pd.concat([train_product_dataset, val_product_dataset])\n",
+ "product_dataset_for_indexing = product_dataset_for_indexing.drop_duplicates()\n",
+ "product_dataset_for_indexing.reset_index(drop=True, inplace=True)\n",
+ "product_dataset_for_indexing.reset_index(inplace=True)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 5,
+ "id": "7e52e425",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " index | \n",
+ " product_title | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " 0 | \n",
+ " RamPro 10\" All Purpose Utility Air Tires/Wheel... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " 1 | \n",
+ " MaxAuto 2-Pack 13x5.00-6 2PLY Turf Mower Tract... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " 2 | \n",
+ " NEIKO 20601A 14.5 inch Steel Tire Spoon Lever ... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " 3 | \n",
+ " 2PK 13x5.00-6 13x5.00x6 13x5x6 13x5-6 2PLY Tur... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " 4 | \n",
+ " (Set of 2) 15x6.00-6 Husqvarna/Poulan Tire Whe... | \n",
+ "
\n",
+ " \n",
+ " ... | \n",
+ " ... | \n",
+ " ... | \n",
+ "
\n",
+ " \n",
+ " 476273 | \n",
+ " 476273 | \n",
+ " Chanel No.5 Eau Premiere Spray 50ml/1.7oz | \n",
+ "
\n",
+ " \n",
+ " 476274 | \n",
+ " 476274 | \n",
+ " Steve Madden Designer 15 Inch Carry on Suitcas... | \n",
+ "
\n",
+ " \n",
+ " 476275 | \n",
+ " 476275 | \n",
+ " CHANEL Le Lift Creme Yeux, Black, 0.5 Ounce | \n",
+ "
\n",
+ " \n",
+ " 476276 | \n",
+ " 476276 | \n",
+ " Coco Mademoiselle by Chanel for Women - 3.4 oz... | \n",
+ "
\n",
+ " \n",
+ " 476277 | \n",
+ " 476277 | \n",
+ " Chânél No. 5 by Chânél Eau De Parfum Premiere ... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
476278 rows × 2 columns
\n",
+ "
"
+ ],
+ "text/plain": [
+ " index product_title\n",
+ "0 0 RamPro 10\" All Purpose Utility Air Tires/Wheel...\n",
+ "1 1 MaxAuto 2-Pack 13x5.00-6 2PLY Turf Mower Tract...\n",
+ "2 2 NEIKO 20601A 14.5 inch Steel Tire Spoon Lever ...\n",
+ "3 3 2PK 13x5.00-6 13x5.00x6 13x5x6 13x5-6 2PLY Tur...\n",
+ "4 4 (Set of 2) 15x6.00-6 Husqvarna/Poulan Tire Whe...\n",
+ "... ... ...\n",
+ "476273 476273 Chanel No.5 Eau Premiere Spray 50ml/1.7oz\n",
+ "476274 476274 Steve Madden Designer 15 Inch Carry on Suitcas...\n",
+ "476275 476275 CHANEL Le Lift Creme Yeux, Black, 0.5 Ounce\n",
+ "476276 476276 Coco Mademoiselle by Chanel for Women - 3.4 oz...\n",
+ "476277 476277 Chânél No. 5 by Chânél Eau De Parfum Premiere ...\n",
+ "\n",
+ "[476278 rows x 2 columns]"
+ ]
+ },
+ "execution_count": 5,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "product_dataset_for_indexing"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 6,
+ "id": "85840ec6",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " index | \n",
+ " product_title | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 34710 | \n",
+ " 34710 | \n",
+ " ROK 4-1/2 inch Diamond Saw Blade Set, Pack of 3 | \n",
+ "
\n",
+ " \n",
+ " 277590 | \n",
+ " 277590 | \n",
+ " WSGG Medical Goggles, FDA registered, Safety Goggles, Fit Over Glasses, Anti-Fog, Anti-Splash (1 pack) | \n",
+ "
\n",
+ " \n",
+ " 474000 | \n",
+ " 474000 | \n",
+ " iJDMTOY 15W CREE High Power LED Angel Eye Bulbs Compatible With BMW 5 6 7 Series X3 X5 (E39 E60 E63 E65 E53), 7000K Xenon White Headlight Ring Marker Lights | \n",
+ "
\n",
+ " \n",
+ " 18997 | \n",
+ " 18997 | \n",
+ " USB Charger, Anker Elite Dual Port 24W Wall Charger, PowerPort 2 with PowerIQ and Foldable Plug, for iPhone 11/Xs/XS Max/XR/X/8/7/6/Plus, iPad Pro/Air 2/Mini 3/Mini 4, Samsung S4/S5, and More | \n",
+ "
\n",
+ " \n",
+ " 208666 | \n",
+ " 208666 | \n",
+ " AOGGY Compatible with MacBook Air 13 inch Case A1466/A1369 (2010-2017 Release) Glitter Fluorescent Color Plastic Hard Case, with Older Version MacBook Air 13 inch Keyboard Cover - Gold | \n",
+ "
\n",
+ " \n",
+ " 326614 | \n",
+ " 326614 | \n",
+ " CUTE STONE Little Kitchen Playset, Kitchen Toy Set with Realistic Sound &Light, Play Sink, Cooking Stove with Steam, Play Food and Kitchen Accessories, Great Kitchen Toys for Toddlers Kids | \n",
+ "
\n",
+ " \n",
+ " 105637 | \n",
+ " 105637 | \n",
+ " Milwaukee Electric Tool 2470-21 M12 Cordless Shear Kit, 12 V, Li-Ion | \n",
+ "
\n",
+ " \n",
+ " 342392 | \n",
+ " 342392 | \n",
+ " chouyatou Women's Short Sleeve/Strap Open Bust Bodysuit Shapewear Firm Control Body Shaper (X-Small, Nude Sleeve) | \n",
+ "
\n",
+ " \n",
+ " 319970 | \n",
+ " 319970 | \n",
+ " AMT 256 Hz Medical-Grade Tuning Fork Instrument with Fixed Weights, Non-Magnetic Aluminum Alloy (C 256) | \n",
+ "
\n",
+ " \n",
+ " 416956 | \n",
+ " 416956 | \n",
+ " Timberland HIKER-ROUND 54 BROWN | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " index \\\n",
+ "34710 34710 \n",
+ "277590 277590 \n",
+ "474000 474000 \n",
+ "18997 18997 \n",
+ "208666 208666 \n",
+ "326614 326614 \n",
+ "105637 105637 \n",
+ "342392 342392 \n",
+ "319970 319970 \n",
+ "416956 416956 \n",
+ "\n",
+ " product_title \n",
+ "34710 ROK 4-1/2 inch Diamond Saw Blade Set, Pack of 3 \n",
+ "277590 WSGG Medical Goggles, FDA registered, Safety Goggles, Fit Over Glasses, Anti-Fog, Anti-Splash (1 pack) \n",
+ "474000 iJDMTOY 15W CREE High Power LED Angel Eye Bulbs Compatible With BMW 5 6 7 Series X3 X5 (E39 E60 E63 E65 E53), 7000K Xenon White Headlight Ring Marker Lights \n",
+ "18997 USB Charger, Anker Elite Dual Port 24W Wall Charger, PowerPort 2 with PowerIQ and Foldable Plug, for iPhone 11/Xs/XS Max/XR/X/8/7/6/Plus, iPad Pro/Air 2/Mini 3/Mini 4, Samsung S4/S5, and More \n",
+ "208666 AOGGY Compatible with MacBook Air 13 inch Case A1466/A1369 (2010-2017 Release) Glitter Fluorescent Color Plastic Hard Case, with Older Version MacBook Air 13 inch Keyboard Cover - Gold \n",
+ "326614 CUTE STONE Little Kitchen Playset, Kitchen Toy Set with Realistic Sound &Light, Play Sink, Cooking Stove with Steam, Play Food and Kitchen Accessories, Great Kitchen Toys for Toddlers Kids \n",
+ "105637 Milwaukee Electric Tool 2470-21 M12 Cordless Shear Kit, 12 V, Li-Ion \n",
+ "342392 chouyatou Women's Short Sleeve/Strap Open Bust Bodysuit Shapewear Firm Control Body Shaper (X-Small, Nude Sleeve) \n",
+ "319970 AMT 256 Hz Medical-Grade Tuning Fork Instrument with Fixed Weights, Non-Magnetic Aluminum Alloy (C 256) \n",
+ "416956 Timberland HIKER-ROUND 54 BROWN "
+ ]
+ },
+ "execution_count": 6,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "pd.set_option(\"max_colwidth\", 300)\n",
+ "product_dataset_for_indexing.sample(10)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 7,
+ "id": "408b6e00",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Running tokenizer on dataset: 0%| | 0/476278 [00:00, ? examples/s]"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "text/plain": [
+ "Dataset({\n",
+ " features: ['input_ids', 'token_type_ids', 'attention_mask'],\n",
+ " num_rows: 476278\n",
+ "})"
+ ]
+ },
+ "execution_count": 7,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "from datasets import Dataset\n",
+ "\n",
+ "dataset = Dataset.from_pandas(product_dataset_for_indexing)\n",
+ "\n",
+ "\n",
+ "def preprocess_function(examples):\n",
+ " products = examples[\"product_title\"]\n",
+ " result = tokenizer(products, padding=\"max_length\", max_length=70, truncation=True)\n",
+ " return result\n",
+ "\n",
+ "\n",
+ "processed_dataset = dataset.map(\n",
+ " preprocess_function,\n",
+ " batched=True,\n",
+ " remove_columns=dataset.column_names,\n",
+ " desc=\"Running tokenizer on dataset\",\n",
+ ")\n",
+ "processed_dataset"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 8,
+ "id": "7c1e3339",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "PeftModelForEmbedding(\n",
+ " (base_model): LoraModel(\n",
+ " (model): AutoModelForSentenceEmbedding(\n",
+ " (model): BertModel(\n",
+ " (embeddings): BertEmbeddings(\n",
+ " (word_embeddings): Embedding(30522, 1024, padding_idx=0)\n",
+ " (position_embeddings): Embedding(512, 1024)\n",
+ " (token_type_embeddings): Embedding(2, 1024)\n",
+ " (LayerNorm): LayerNorm((1024,), eps=1e-12, elementwise_affine=True)\n",
+ " (dropout): Dropout(p=0.1, inplace=False)\n",
+ " )\n",
+ " (encoder): BertEncoder(\n",
+ " (layer): ModuleList(\n",
+ " (0-23): 24 x BertLayer(\n",
+ " (attention): BertAttention(\n",
+ " (self): BertSelfAttention(\n",
+ " (query): Linear(\n",
+ " in_features=1024, out_features=1024, bias=True\n",
+ " (lora_dropout): ModuleDict(\n",
+ " (default): Identity()\n",
+ " )\n",
+ " (lora_A): ModuleDict(\n",
+ " (default): Linear(in_features=1024, out_features=8, bias=False)\n",
+ " )\n",
+ " (lora_B): ModuleDict(\n",
+ " (default): Linear(in_features=8, out_features=1024, bias=False)\n",
+ " )\n",
+ " (lora_embedding_A): ParameterDict()\n",
+ " (lora_embedding_B): ParameterDict()\n",
+ " )\n",
+ " (key): Linear(in_features=1024, out_features=1024, bias=True)\n",
+ " (value): Linear(\n",
+ " in_features=1024, out_features=1024, bias=True\n",
+ " (lora_dropout): ModuleDict(\n",
+ " (default): Identity()\n",
+ " )\n",
+ " (lora_A): ModuleDict(\n",
+ " (default): Linear(in_features=1024, out_features=8, bias=False)\n",
+ " )\n",
+ " (lora_B): ModuleDict(\n",
+ " (default): Linear(in_features=8, out_features=1024, bias=False)\n",
+ " )\n",
+ " (lora_embedding_A): ParameterDict()\n",
+ " (lora_embedding_B): ParameterDict()\n",
+ " )\n",
+ " (dropout): Dropout(p=0.1, inplace=False)\n",
+ " )\n",
+ " (output): BertSelfOutput(\n",
+ " (dense): Linear(in_features=1024, out_features=1024, bias=True)\n",
+ " (LayerNorm): LayerNorm((1024,), eps=1e-12, elementwise_affine=True)\n",
+ " (dropout): Dropout(p=0.1, inplace=False)\n",
+ " )\n",
+ " )\n",
+ " (intermediate): BertIntermediate(\n",
+ " (dense): Linear(in_features=1024, out_features=4096, bias=True)\n",
+ " (intermediate_act_fn): GELUActivation()\n",
+ " )\n",
+ " (output): BertOutput(\n",
+ " (dense): Linear(in_features=4096, out_features=1024, bias=True)\n",
+ " (LayerNorm): LayerNorm((1024,), eps=1e-12, elementwise_affine=True)\n",
+ " (dropout): Dropout(p=0.1, inplace=False)\n",
+ " )\n",
+ " )\n",
+ " )\n",
+ " )\n",
+ " (pooler): BertPooler(\n",
+ " (dense): Linear(in_features=1024, out_features=1024, bias=True)\n",
+ " (activation): Tanh()\n",
+ " )\n",
+ " )\n",
+ " )\n",
+ " )\n",
+ ")\n"
+ ]
+ }
+ ],
+ "source": [
+ "# base model\n",
+ "model = AutoModelForSentenceEmbedding(model_name_or_path, tokenizer)\n",
+ "\n",
+ "# peft config and wrapping\n",
+ "model = PeftModel.from_pretrained(model, peft_model_id)\n",
+ "\n",
+ "print(model)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 9,
+ "id": "1d2e3f16",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "dataloader = DataLoader(\n",
+ " processed_dataset,\n",
+ " shuffle=False,\n",
+ " collate_fn=default_data_collator,\n",
+ " batch_size=batch_size,\n",
+ " pin_memory=True,\n",
+ ")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 10,
+ "id": "ae16ad2d",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "{'input_ids': tensor([[ 101, 13276, 3217, ..., 0, 0, 0],\n",
+ " [ 101, 4098, 4887, ..., 0, 0, 0],\n",
+ " [ 101, 11265, 12676, ..., 0, 0, 0],\n",
+ " ...,\n",
+ " [ 101, 2203, 10085, ..., 0, 0, 0],\n",
+ " [ 101, 3156, 1001, ..., 0, 0, 0],\n",
+ " [ 101, 3156, 1001, ..., 0, 0, 0]]),\n",
+ " 'token_type_ids': tensor([[0, 0, 0, ..., 0, 0, 0],\n",
+ " [0, 0, 0, ..., 0, 0, 0],\n",
+ " [0, 0, 0, ..., 0, 0, 0],\n",
+ " ...,\n",
+ " [0, 0, 0, ..., 0, 0, 0],\n",
+ " [0, 0, 0, ..., 0, 0, 0],\n",
+ " [0, 0, 0, ..., 0, 0, 0]]),\n",
+ " 'attention_mask': tensor([[1, 1, 1, ..., 0, 0, 0],\n",
+ " [1, 1, 1, ..., 0, 0, 0],\n",
+ " [1, 1, 1, ..., 0, 0, 0],\n",
+ " ...,\n",
+ " [1, 1, 1, ..., 0, 0, 0],\n",
+ " [1, 1, 1, ..., 0, 0, 0],\n",
+ " [1, 1, 1, ..., 0, 0, 0]])}"
+ ]
+ },
+ "execution_count": 10,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "next(iter(dataloader))"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 11,
+ "id": "c8c18d3e",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "{0: 'RamPro 10\" All Purpose Utility Air Tires/Wheels with a 5/8\" Diameter Hole with Double Sealed Bearings (Pack of 2)',\n",
+ " 1: 'MaxAuto 2-Pack 13x5.00-6 2PLY Turf Mower Tractor Tire with Yellow Rim, (3\" Centered Hub, 3/4\" Bushings )',\n",
+ " 2: 'NEIKO 20601A 14.5 inch Steel Tire Spoon Lever Iron Tool Kit | Professional Tire Changing Tool for Motorcycle, Dirt Bike, Lawn Mower | 3 pcs Tire Spoons | 3 Rim Protector | Valve Tool | 6 Valve Cores',\n",
+ " 3: '2PK 13x5.00-6 13x5.00x6 13x5x6 13x5-6 2PLY Turf Mower Tractor Tire with Gray Rim',\n",
+ " 4: '(Set of 2) 15x6.00-6 Husqvarna/Poulan Tire Wheel Assy .75\" Bearing',\n",
+ " 5: 'MaxAuto 2 Pcs 16x6.50-8 Lawn Mower Tire for Garden Tractors Ridings, 4PR, Tubeless',\n",
+ " 6: 'Dr.Roc Tire Spoon Lever Dirt Bike Lawn Mower Motorcycle Tire Changing Tools with Durable Bag 3 Tire Irons 2 Rim Protectors 1 Valve Stems Set TR412 TR413',\n",
+ " 7: 'MARASTAR 21446-2PK 15x6.00-6\" Front Tire Assembly Replacement-Craftsman Mower, Pack of 2',\n",
+ " 8: '15x6.00-6\" Front Tire Assembly Replacement for 100 and 300 Series John Deere Riding Mowers - 2 pack',\n",
+ " 9: 'Honda HRR Wheel Kit (2 Front 44710-VL0-L02ZB, 2 Back 42710-VE2-M02ZE)',\n",
+ " 10: 'Honda 42710-VE2-M02ZE (Replaces 42710-VE2-M01ZE) Lawn Mower Rear Wheel Set of 2',\n",
+ " 11: 'Honda 44710-VG3-010 Front Wheels, (Set of 2)',\n",
+ " 12: 'Carlisle Turf Saver Lawn & Garden Tire - 15X6-6 A',\n",
+ " 13: 'Oregon 72-107 Universal Wheel 7X150 Diamond Plastic',\n",
+ " 14: 'American Lawn Mower Company 1204-14 14-Inch 4-Blade Push Reel Lawn Mower, Red',\n",
+ " 15: 'Craftsman 532403111 Mower Front Drive Wheels (Pack of 2)',\n",
+ " 16: 'BAZIC Security Self Seal Envelope 4 1/8\" x 9 1/2\" #10, No Window Tint Pattern Mailing Envelopes, Peel & Seal, Office Checks Invoices (30/Pack), 1-Pack',\n",
+ " 17: 'Quality Park #10 Self-Seal Security Envelopes, Security Tint and Pattern, Redi-Strip Closure, 24-lb White Wove, 4-1/8\" x 9-1/2\", 100/Box (QUA69117)',\n",
+ " 18: 'Quality Park #6 3/4 Security-Tinted Envelopes with Peel & Seal, 100-Pack, White – QUA10417',\n",
+ " 19: 'ValBox 500 Count #10 Security Self-Seal Envelopes Windowless Design Security Tint Pattern for Secure Mailing 4-1/8x9-1/2\" ,White Business Envelopes',\n",
+ " 20: 'ValBox #10 Security Envelopes Self Seal, No. 10 Windowless Security Tint Pattern, Secure Mailing Envelopes, 4-1/8x9-1/2 Inches, 24 LB White Business Envelopes, 200 Count',\n",
+ " 21: '50 Business Envelopes, Standard Flap (Multi Color Pack, 9.5\" x 4.125\")',\n",
+ " 22: 'ValBox 200 Count #8 Double Window Envelopes 3 5/8\" x 8 11/16\" Flip and Seal Double Window Security Check Envelopes- Security Tint Pattern Designed for Home Office Secure Mailing',\n",
+ " 23: 'BAZIC Self Seal White Envelope 3 5/8\" x 6 1/2\" #6, No Window Mailing Envelopes, Peel & Seal Mailer for Business Invoice Check (100/Pack), 1-Pack',\n",
+ " 24: '500 Self Seal Security Mailing Envelopes - #10 White Letter Businesses Envelopes -500 Peel and Seal Tinted Windowless # 10 Envelope - Printer Friendly - Self Stick Bulk Envelops',\n",
+ " 25: '#8 Double Window Security Check Envelopes, No.8 Double Window Bussiness Envelopes Designed for QuickBooks Checks - Computer Printed Checks - 3 5/8 X 8 11/16 (NOT for INVOICES) - 24 LB - 500 Count',\n",
+ " 26: '#10 Security Self-Seal Envelopes, No.10 Windowless Bussiness Envelopes, Security Tinted with Printer Friendly Design - Size 4-1/8 x 9-1/2 Inch - White - 24 LB - 500 Count',\n",
+ " 27: 'Xxcxpark 120 PCS #10 Self Seal Kraft 4-1/8 x 9-1/2 inches Security Envelopes, Windowless Invisible Envelopes Super Strong Quick Seal Envelopes Security Tint Pattern Secure Mailing',\n",
+ " 28: '500 #9 Security Self-Seal Envelopes, Premium Security Tint Pattern, Ultra Strong Quick-Seal Closure - No Window, EnveGuard, Size 3-7/8 x 8-7/8 Inches - White - 24 LB - 500 Count (30138)',\n",
+ " 29: 'Quality Park #8 Double Window Security Envelopes for QuickBooks Checks, Redi-Strip Self Seal Closure, 3 5/8 x 8 11/16, 24 lb White, 500/Box (QUA50766)',\n",
+ " 30: '500#10 Double Window Security Business Mailing Envelopes - Perfect Size for Multiple Business Statements, Quickbooks Invoices, and Return Envelopes - Number 10 Size 4-1/8 x 9-1/2 - White - 24 LB',\n",
+ " 31: '500#10 Single Left Window SELF Seal Security Envelopes, Designed for QuickBooks Invoices & Business Statements, Computer Printed Checks Peel and Seal Flap Number 10 Size 4-1/8 x 9-1/2 Inches, 24 LB',\n",
+ " 32: '#9 Double Window Envelopes, 8-7/8\" W x 3-7/8\" L, 24lb - 10 Pack',\n",
+ " 33: 'EnDoc 10x13 Open End Self Seal Envelopes - 15 Pack - White 28lb Heavyweight Paper, For Home, Mailing Documents, Office, Business, Legal, or School.',\n",
+ " 34: 'Ohuhu 500 Pack # 8 Double Window Envelope SELF SEAL Adhesive Tinted Security Envelopes Quickbooks Check, Business Check, Documents Secure Mailing, 3 5/8\" x 8 11/16\", White Envelope',\n",
+ " 35: 'Number 10 White Envelopes, Self-Seal, Security Tinted Envelope, no Moisture Required - Windowless - Ideal for Home, Office Secure Mailing - Quick-Seal Closure - 4-1/8 x 9-1/2 Inches - (100)',\n",
+ " 36: '9 X 12 Self-Seal Brown Kraft Catalog Mailing Envelopes - 28lb - 100 Count, 9x12 Inch (38300)',\n",
+ " 37: 'Mead Envelopes, Press-It Seal-It, 9\" x 12\", Self Adhesive, Office Pack, Brown Kraft, 25-Pack (76086)',\n",
+ " 38: 'BAZIC Self Seal White Envelope 4 1/8\" x 9 1/2\" #10, No Window Mailing Envelopes, Peel & Seal Mailer for Business Invoice Check (40/Pack), 1-Pack',\n",
+ " 39: 'BAZIC Security Self Seal Envelope 3 5/8\" x 6 1/2\" #6, No Window Tint Pattern Mailing Envelopes, Peel & Seal, Office Checks Invoices (55/Pack), 1-Pack',\n",
+ " 40: 'EnDoc 6x9 Envelopes - 28lb. Brown Kraft Paper Open-end 6 x 9 Inch Strong Gummed Glue Flap Closure Heavy Duty Catalog Envelope, For Legal, Home, Office, and Business - 500 Pack',\n",
+ " 41: 'Amazon Basics #10 Security Tinted Business Envelopes, Moisture Sealed, 4 1/8-Inch x 9 1/2 Inch - Pack of 500',\n",
+ " 42: 'Staples 511290 Self Seal Security Tinted #10 Envelope 4 1/8-Inch X 9 1/2-Inch White 500/Bx',\n",
+ " 43: '#10 Security Self-Seal Envelopes, Windowless Design, Premium Security Tint Pattern, Ultra Strong Quick-Seal Closure - EnveGuard - Size 4-1/8 x 9-1/2 Inches - White - 24 LB - 500 Count (34010)',\n",
+ " 44: '50 White A4 4x6 Photo Envelopes SELF SEAL - Fits 4 x 6 Photos, Invitations, Strong SELF-SEAL Closure, Size 4.5 x 6.25 Inch, 24lb, White, 50 Pack(36050)',\n",
+ " 45: '#10 Security Tinted Self-Seal Envelopes - No Window - EnveGuard, Size 4-1/8 X 9-1/2 Inches - White - 24 LB - 100 Count (34100)',\n",
+ " 46: 'Mead No.10 Envelopes, Security, Press-it Seal-it, 4-1/8\" X 9-1/2\", White, 45 Per Box (75026)',\n",
+ " 47: '500 No. 9 Double Window Security Envelopes - Designed for Quickbooks Invoices and Business Statements with Self Seal Peel and Seal Flap - Number 9 Size 3 7/8 Inch X 8 7/8 Inch',\n",
+ " 48: '500 No. 10 Self Seal Security Envelopes - 10 Envelopes Self Seal Designed for Secure Mailing - Security Tinted with Printer Friendly Design - Number 10 Size 4 1/8 x 9 ½ Inch - Pack of 500',\n",
+ " 49: '1099 MISC Tax Forms 2020, 4 Part Vendor Kit, Laser Forms for QuickBooks and Accounting Software, 25 Self Seal Envelopes',\n",
+ " 50: 'Amazon Basics #10 Security-Tinted Self-Seal Business Letter Envelopes, Peel & Seal Closure - 500-Pack, White',\n",
+ " 51: 'Staples 1775860 Reveal-N-Seal Security Tinted Dbl Window #8 5/8 Envelopes White 500/Bx',\n",
+ " 52: '500 No. 10 Security Envelopes - Gummed Flap - Tamper Proof Design - Security Tinted with Printer Friendly Design - Number 10 Size 4 1/8 x 9 ½ Inch - Pack of 500',\n",
+ " 53: '500#10 Security White Envelopes - GUMMED Seal, Windowless Design, Premium Security Tint Pattern for Secure Mailing - Size 4-1/8 x 9-1/2 Inches - White - 24 LB - 500 Count (34020)',\n",
+ " 54: '100 No. 10 Self Seal Security Envelopes - Designed for Secure Mailing - Security Tinted with Printer Friendly Design - Number 10 Size 4 1/8 x 9 ½ Inch (100 Pack)',\n",
+ " 55: 'EnDoc 10x13 Open End Self Seal Envelopes - Bright White 28lb Heavyweight Paper 10 x 13 Inches Envelope for Home, Mailing Documents, Office, Business, Legal or School - 35 Pack',\n",
+ " 56: 'Rarlan Wood-Cased #2 HB Pencils, Pre-sharpened, 200 Count Classpack',\n",
+ " 57: 'Wood-Cased #2 HB Pencils, Yellow, Pre-sharpened, Class Pack, 1000 pencils',\n",
+ " 58: 'Wood-Cased #2 HB Pencils, Yellow, Pre-sharpened, Class Pack, 320 pencils',\n",
+ " 59: 'Maped Essentials Triangular Graphite #2 Pencils, Pack of 12 (851779ZT)',\n",
+ " 60: '24 Pieces Checking Erasable Pencils Red Pencils Pre-Sharpened #2 HB with Erasable Tops for Checking Map Coloring Tests Grading',\n",
+ " 61: 'Wood-Cased #2 HB Pencils, Yellow, Pre-sharpened, Class Pack, 576 pencils in box by Madisi',\n",
+ " 62: 'Holographic Pencils with Erasers Metallic Assorted Colors Wooden Glitter Pencils Optical Illusion Pencils HB Pencils (36 Pieces)',\n",
+ " 63: 'BIC Xtra Fun Cased Pencil, 2 Lead, Assorted Barrel Colors, 48-Count',\n",
+ " 64: 'Color Changing Mood Pencil for Kid 2B Changing Pencil Assorted Color Thermochromic Pencils with Eraser for Students (30 Pieces)',\n",
+ " 65: 'AHXML#2 HB Wood Cased Graphite Pencils, Pre-Sharpened with Free Erasers, Smooth write for Exams, School, Office, Drawing and Sketching, Pack of 48',\n",
+ " 66: 'Wood-Cased #2 HB Pencils, Shuttle Art 600 Pack Sharpened Yellow Pencils with Erasers, Bulk Pack Graphite Pencils for School and Teacher Supplies, Writhing, Drawing and Sketching',\n",
+ " 67: 'Wood-Cased #2 HB Pencils, Shuttle Art 350 Pack Sharpened Yellow Pencils with Erasers, Bulk Pack Graphite Pencils for School and Teacher Supplies, Writhing, Drawing and Sketching',\n",
+ " 68: '12Packs #2HB Graphite Pencils,Pre-Sharpened with Latex Free Erasers,Wood-Cased Graphite Pencils Perfect for Exams, School, Office, Drawing and Sketching',\n",
+ " 69: 'HB pencils with eraser set 12 pack + 2 Erasers + 5 Sharpener,for School and Kids Writing pencil.(Green)',\n",
+ " 70: 'Weibo HB Wood Cased Graphite School Pencils, Pack of 12, Bulk, Pre-Sharpened with Erasers and Sharpener, Office Supplies for Exams, School, Office, Drawing and Sketching (Green)',\n",
+ " 71: 'Environmentally friendly black wood pencils, (30 pcs per barrel) triangle grip pen design, graphite HB lead core with eraser, suitable for children and adults to write sketches and paint',\n",
+ " 72: 'Neon Pencils for Kids HB Wood Pencil with Eraser\\xa0Fluorescent Colored Wood Pencils Colorful Round Pencils Writing Drawing Pencils School Student Reward Supplies (60)',\n",
+ " 73: 'BIC Evolution Cased Pencil, #2 Lead, Gray Barrel, 24-Count (PGEBP241-BLK)',\n",
+ " 74: 'YOTINO Pre-sharpened Wood Cased #2 HB Pencils - Box of 100',\n",
+ " 75: 'Emraw Pre Sharpened Triangular Primary Size No 2 Jumbo Pencils for Preschoolers, Elementary Kids - Pack of 6 Fat Pencils with Bonus Sharpener',\n",
+ " 76: 'Emraw No 2 HB Wood Cased Premium Pencils with Eraser Top, Bulk Pack of 24 Unsharpened Pencil - for Kids, Students, Teachers, Office and Home Use',\n",
+ " 77: 'Emraw Pre Sharpened Round Primary Size No 2 Jumbo Pencils for Preschoolers, Elementary Kids - Pack of 8 Premium Fat Pencils',\n",
+ " 78: 'TICONDEROGA Tri-Write Triangular Pencils, Standard Size Wood-Cased #2 HB Soft, Yellow, 8-Pack (13852)',\n",
+ " 79: 'TICONDEROGA Pencils, Wood-Cased, Unsharpened, Graphite #2 HB Soft, Yellow, 96-Pack (13872)',\n",
+ " 80: 'Ticonderoga Pencils, Wood-Cased Graphite #2 HB Soft, Yellow, 12-Pack (13882)',\n",
+ " 81: 'Ticonderoga Laddie Pencils, Wood-Cased #2 HB Soft with Eraser, Yellow, 12-Pack (13304), 11/32 inch',\n",
+ " 82: 'iScholar Gross Pack Pencils, #2, Yellow, Box of 144 (33144)',\n",
+ " 83: 'Ticonderoga Pencils, Wood-Cased, Graphite #2 HB Soft, Black, 24-Pack (13926)',\n",
+ " 84: 'Dixon No. 2 Yellow Pencils, Wood-Cased, Black Core, #2 HB Soft, 12-Count (14402)',\n",
+ " 85: \"Maped Black'Peps Triangular Graphite #2 Pencils, Pack of 12 (851749ZV)\",\n",
+ " 86: 'Ticonderoga Beginner Pencils, Wood-Cased #2 HB Soft, With Eraser, Yellow, 12-Pack (13308)',\n",
+ " 87: 'BIC Xtra-Fun Graphite Pencil, 2 Lead, 18-Count',\n",
+ " 88: 'Amazon Basics Woodcased #2 Pencils, Unsharpened, HB Lead - Box of 144, Bulk Box',\n",
+ " 89: 'Arteza HB Pencils #2, Pack of 48, Wood-Cased Graphite Pencils in Bulk, Pre-Sharpened, with Latex-Free Erasers, Office & School Supplies for Exams and Classrooms',\n",
+ " 90: 'BAZIC Pencil #2 HB Pencils, Latex Free Eraser, Wood Free Yellow Unsharpened Pencils for Exam School Office (12/Pack), 1-Pack',\n",
+ " 91: 'SKKSTATIONERY Half Pencils with Eraser Tops, Golf, Classroom, Pew - #2 HB, Hexagon, Pre-sharpened, 96/Box.',\n",
+ " 92: 'Emraw Pre Sharpened No 2 HB Wood Cased Premium Pencils with Eraser Top, Bulk Pack of 24 Pencil - For Professionals, Artists, Designers, Teachers',\n",
+ " 93: 'Emraw Pre Sharpened No 2 HB Wood Cased Pencils with Eraser Top, Bulk Pack of 24 Pencil - for Kids, Students, Teachers, Office and Home Use',\n",
+ " 94: 'Emraw Colorful Round No 2 HB Wood Cased Glitter Pencils with Eraser Top - Pack of 16 Unsharpened Sparkling Bright Pencils',\n",
+ " 95: 'Dixon Ticonderoga No.2 Pencils, Assorted Neon, 10-Pack',\n",
+ " 96: 'Waldeal Embroidered Mom Life Vintage Adjustable Baseball Cap Cotton Denim Dad Hat Black',\n",
+ " 97: 'ElegantPark Mom Life Tote Bag Mothers Day Baby Shower Gifts for New Mom Christmas Birthday Gifts for Mom Canvas Mom Tote Bag with Zipper and Pocket',\n",
+ " 98: 'Mom Life Car Decal- Pink, Mint Green, or White - Cute Sticker for Women - 6\" Size for Laptop or Window (White)',\n",
+ " 99: '#momlife | Trendy Mother Mom Life Gift PopSockets PopGrip: Swappable Grip for Phones & Tablets',\n",
+ " 100: \"Dearfoams Women's Giftable Mothers Day Furry Scuff Slipper, Mom Life, X-Large\",\n",
+ " 101: 'Women Mama Life Zip Up Pullover Sweatshirt Jacket \\xa0High Collar Quarter 1/4 Zip Hoodie Coat (White, M)',\n",
+ " 102: 'Life is Good Girls Vintage Crusher Graphic T-Shirt, Horses Coastal Blue, Large',\n",
+ " 103: \"Diliflyer Women's Mom Life Boys Girls Letters T Shirts Graphic Tees (XL, B-mom Life)\",\n",
+ " 104: 'Distressed Baseball Cap - Mom Life (Black)',\n",
+ " 105: \"Mom Life is Ruff T-Shirt Women's Funny Dog Paw O Neck Short Sleeve Tops Blouse Size Tag L\",\n",
+ " 106: 'Womens I Run On Coffee Chaos Cuss Words Funny V-Neck Short Sleeve Summer T-Shirt Size XL (Burgundy)',\n",
+ " 107: \"iChunhua Women's Comfy Stretch Floral Print Drawstring Palazzo Wide Leg Lounge Pants(M,Blue)\",\n",
+ " 108: 'LOOKFACE Women Funny Graphic T Shirt Cute Short Sleeve Tees Tops Wine Red Small',\n",
+ " 109: 'Garden of Life Oceans Mom Prenatal Fish Oil Dha, Omega 3 Fish Oil Supplement - Strawberry, 350Mg Prenatal Dha, Pregnancy Fish Oil Support For Moms Mood And Babys Brain & Eye Development, 30 Softgels',\n",
+ " 110: 'Mom, I Want to Hear Your Story: A Mother’s Guided Journal To Share Her Life & Her Love (Hear Your Story Books)',\n",
+ " 111: 'MACCHIASHINE Unique Sleeveless MOM Life Printed Shirt Womens Cotton Tank Tops(GR-XL) Green',\n",
+ " 112: 'BS-MALL Makeup Brush Set 18 Pcs Premium Synthetic Foundation Powder Concealers Eye shadows Blush Makeup Brushes with black case (Champagne Gold)',\n",
+ " 113: 'Little Bado Turtle Baby Bath Toys Spray Bathing Tub Fountain Toys for Kid Hand Shower Floating Bathtub Shower Pool Bathroom Toy for Baby Toddler Infant Kids',\n",
+ " 114: 'Bamyko Shower Body Brush with Long Handle Shower Brush Back Scrubber Body Brush Sponge Loofahs 2 Pack + Self Adhesive Hooks 2 PCS',\n",
+ " 115: 'Molton Brown Jasmine & Sun Rose Bath & Shower Gel, 10 Fl Oz',\n",
+ " 116: 'Chikoni Dry Bath Body Brush Back Scrubber with Anti-slip Long Wooden Handle, 100% Natural Bristles Body Massager, Perfect for Exfoliating, Detox and Cellulite, Blood Circulation, Good for Health',\n",
+ " 117: \"Upgraded Bath Body Brush with Comfy Bristles Long Handle Gentle Exfoliation Improve Skin's Health and Beauty Bath Shower Wet or Dry Brushing Body Brush (14 inch, White)\",\n",
+ " 118: 'Bath Scrubber Body Brush Shower Scrubber Back Brush with Long Handle, Ergonomic Nonslip Durable (Gray)',\n",
+ " 119: 'Foot Peel Mask 3 Pack, Exfoliator Peel Off Calluses Dead Skin Callus Remover,Baby Soft Smooth Touch Feet-Men Women (Lavender)',\n",
+ " 120: 'Dry Brushing Body Brush Set of 2, Natural Bristle Dry Skin Exfoliating Brush, Long Handle Back Scrubber for Shower, Dry Brush for Cellulite and Lymphatic Massage, Improve Blood Circulation',\n",
+ " 121: 'EcoTools EcoPouf Bath Brush, Shower Loofah with Ergonomic Handle, Cleans Hard to Reach Areas, Deep Cleansing and Exfoliating, Set of 2, Perfect for Men & Women',\n",
+ " 122: '2 IN 1 Bath Body Brush with Soft Loofah and Bristles,Back Scrubber with Curved Long Handled Shower Brush for Wet or Dry, Women & Men Body,Face and Spa Washing',\n",
+ " 123: 'LFJ 3 in 1 Back Bath Brush Set for Shower, 19\" Long Handle Body Brush, Bath Sponge and Pumice Gentle Exfoliation and Improved Skin Health, Suitable for Men and Women',\n",
+ " 124: 'Metene Shower Body Exfoliating Brush, Bath Back Cleaning Scrubber with Long Wooden Handle, Dry or Wet Skin Exfoliator Brush with Soft and Stiff Bristles Back Washer for Men Women',\n",
+ " 125: 'Metene Bamboo Body Brush with Stiff and Soft Natural Bristles, Back Scrubber for Shower with Long Handle, Dual-sided Brush Head for Wet or Dry Brushing, Exfoliating Skin and Clean the Body Easily',\n",
+ " 126: 'Peak Essentials | Tongue Scraper | Mint Blast - Natural TUNG Gel Kit | Tongue Cleaner | Odor Eliminator | Fight Bad Breath | Fresh Mint | BPA Free | Made in America (STARTER PACK)',\n",
+ " 127: 'YIVEKO Baby Bath Silicone Brush for Infants Cradle Cap Brush Silicone Bath Scrubber Skin Soother Baby Essential for Dry Skin, Cradle Cap and Eczema (1 Pack)-Blue',\n",
+ " 128: 'Theraplex Clear Lotion Spray (8 oz) - Natural Jojoba Oil, No Parabens or Preservatives, Noncomedogenic and Hypoallergenic, Dermatologist recommended - National Eczema Association Seal of Acceptance',\n",
+ " 129: 'Holikme 20Piece Drill Brush Attachments Set, Scrub Pads & Sponge, Buffing Pads, Power Scrubber Brush with Extend Long Attachment, Car Polishing Pad Kit',\n",
+ " 130: 'Exfoliating Brush, Body Brush, Ingrown Hair and Razor Bump Treatment - Eliminate Shaving Irritation for Face, Armpit, Legs, Neck, Bikini Line - Silky Smooth Skin Solution for Men and Women by Dylonic (1 Pack)',\n",
+ " 131: 'Dry Brushing Body Brush - Best for Exfoliating Dry Skin, Lymphatic Drainage and Cellulite Treatment - Organic Spa Exfoliator and Massage Scrub Brush with Natural Boar Bristles',\n",
+ " 132: 'Tecnu Extreme Poison Ivy and Oak Scrub, Removes Poisonous Plant Oils That Cause Rash and Itching, 4 Ounces',\n",
+ " 133: 'Amazon Basics Silicone, Non-Stick, Food Safe Baking Mat - Pack of 2',\n",
+ " 134: 'Aquasentials Exfoliating Mesh Brush',\n",
+ " 135: 'Neutrogena Sensitive Skin Mineral Sunscreen Lotion with Broad Spectrum SPF 60+ & Zinc Oxide, Water-Resistant, Hypoallergenic, Fragrance- & Oil-Free Gentle Sunscreen Formula, 3 fl. oz',\n",
+ " 136: 'SheaMoisture Curl and Shine Coconut Shampoo for Curly Hair Coconut and Hibiscus Paraben Free Shampoo 13 oz',\n",
+ " 137: 'Bio-Oil Skincare Oil, Body Oil for Scars and Stretchmarks, Serum Hydrates Skin, Non-Greasy, Dermatologist Recommended, Non-Comedogenic, For All Skin Types, with Vitamin A, E, 4.2 Fl Oz (Pack of 1)',\n",
+ " 138: 'Stardrops - The Pink Stuff - The Miracle All Purpose Cleaning Paste',\n",
+ " 139: 'Bar Keepers Friend Powder Cleanser 12 Oz - Multipurpose Cleaner & Stain Remover - Bathroom, Kitchen & Outdoor Use - for Stainless Steel, Aluminum, Brass, Ceramic, Porcelain, Bronze and More (2 Pack)',\n",
+ " 140: \"Dry Skin Body Brush - Improves Skin's Health and Beauty - Natural Bristle - Remove Dead Skin and Toxins, Cellulite Treatment, Improves Lymphatic Functions, Exfoliates, Stimulates Blood Circulation\",\n",
+ " 141: 'CSM Body Brush For Beautiful Skin - Solid Wood Frame & Boar Hair Exfoliating Brush To Exfoliate & Soften Skin, Improve Circulation, Stop Ingrown Hairs, Reduce Acne and Cellulite',\n",
+ " 142: 'Tea Tree & Peppermint Foot & Body Wash | Helps with Body Odor, Athletes Foot, Ringworm, Jock Itch, Yeast Infection & Skin Irritations | Shower Gel for Women/Men. Made by Purely Northwest 9Fl Oz',\n",
+ " 143: 'Vive Shower Brush - Dry Skin Body Exfoliator - Shower and Bath Scrubber For Wash Brushing, Exfoliating, Cellulite, Foot Scrub, Leg Exfoliant - Soft and Stiff Massage Bristles - Wooden Long Handle',\n",
+ " 144: 'Beaueli Bath Body Brush With Long Handle for Exfoliating Back Scrubber for Shower Cellulite Massager Exfoliation Dry or Wet Skin Brush Improve Lymphatic Stimulate Blood Circulation Detox',\n",
+ " 145: 'Jergens Natural Glow In Shower Lotion, Self Tanner for Medium to Deep Skin Tone, Sunless Tanning Wet Skin Lotion for Gradual, Flawless Color, 7.5 Ounce (Packaging May Vary)',\n",
+ " 146: 'Long Handled Loofah on a Stick Body Back Scrubber, Bath Sponge (4 Colors, 4 Pack)',\n",
+ " 147: 'TubShroom Tub Hair Catcher Drain Protector, Fits 1.5\"-1.75\", Gray',\n",
+ " 148: 'Lysol Laundry Sanitizer Additive, Crisp Linen, 90oz, Packaging May Vary',\n",
+ " 149: 'Majestic Pure Himalayan Salt Body Scrub with Lychee Oil, Exfoliating Salt Scrub to Exfoliate & Moisturize Skin, Deep Cleansing - 10 oz',\n",
+ " 150: 'Pumice Stone for Feet - X-Large Foot File Callus Remover for Feet, Foot Scrubber for Foot Care as Foot Exfoliator, Pedicure Tools for Foot Scrub, Callous Removers for Feet, Dead Skin Remover for Feet',\n",
+ " 151: 'Vive Lotion Applicator for Your Back (4 Pads) - Long Reach Handle with Sponge for Easy Self Application of Shower Bath Body Wash Brush, Skin Cream, Suntan, Tanning, Aloe - Men, Women',\n",
+ " 152: 'Skechers mens Cessnock Food Service Shoe, Black, 12 US',\n",
+ " 153: 'JSLEAP Mens Running Shoes Walking Non Slip Sports Fashion Casual Shoes Dark Green,US 9',\n",
+ " 154: \"Skechers Men's Relaxed Fit-Elent-Mosen Boat Shoe, Black, 11 M US\",\n",
+ " 155: \"Hey Dude Men's Wally Sox Ash, Size 10\",\n",
+ " 156: \"Xero Shoes Men's Prio Cross Training Shoe - Lightweight Zero Drop, Barefoot, Black, 11\",\n",
+ " 157: \"New Balance Men's 608 V5 Casual Comfort Cross Trainer, White/Navy, 10.5 W US\",\n",
+ " 158: \"New Balance Women's FuelCore Nergize V1 Sneaker, Black/Magnet, 9\",\n",
+ " 159: \"Skechers Men's GO Walk Evolution Ultra-Impeccable Sneaker, Khaki, 12 X-Wide\",\n",
+ " 160: \"Crocs Men's LiteRide Pacer Sneaker, Black/White, 9 M US\",\n",
+ " 161: 'Under Armour mens Charged Assert 8 Running Shoe Black (003)/Black 10.5',\n",
+ " 162: 'BRONAX Mens Fashion Sneakers Slip on Lightweight Street Trending Stylish Lace up Casual Walking Athletic Sport Shoes for Men Sapatos Tenis para Correr de Hombre Red Size 12',\n",
+ " 163: \"Skechers Men's Moreno Canvas Oxford Shoe, Taupe, 11.5 Medium US\",\n",
+ " 164: \"ASICS Men's Gel-Venture 7 Running Shoes, 10.5, Electric Blue/Sheet Rock\",\n",
+ " 165: \"Feetmat Men's Athletic Shoes Lightweight Sneaker Walking Tennis Slip On Shoes Wide Fashion Sneakers Barefoot Running Shoes Grey 11M\",\n",
+ " 166: \"Under Armour Men's Charged Pursuit 2 Running Shoe, Black (001)/White, 10 M US\",\n",
+ " 167: 'COSIDRAM Men Casual Shoes Sneakers Loafers Walking Shoes Lightweight Driving Business Office Slip on Black 11',\n",
+ " 168: \"ASICS Men's Hyper Throw 3 Track & Field Shoes, 15, Black/White\",\n",
+ " 169: \"ECCO Men's ST.1 Hybrid Plain Toe Oxford, Cognac, 9-9.5\",\n",
+ " 170: \"Skechers Men's Go Walk Max-Athletic Air Mesh Slip on Walkking Shoe Sneaker,Navy/Gray,10 X-Wide US\",\n",
+ " 171: \"Skechers Men's Classic Fit-Delson-Camden Sneaker, Black/Grey, 10 Wide US\",\n",
+ " 172: \"adidas Men's Lite Racer Adapt Running Shoe, Black/White, 12 M US\",\n",
+ " 173: \"adidas Women's Cloud foam Pure Running Shoe, White/White/Black, 6.5 US\",\n",
+ " 174: \"Crocs Unisex-Adult Men's and Women's Classic Clog, Black, 9\",\n",
+ " 175: \"Nike Men's Air Force 1 '07 Shoes 315122 White/White 10.5\",\n",
+ " 176: \"New Balance Men's 577 V1 Hook and Loop Walking Shoe, Black, 13 M US\",\n",
+ " 177: \"Nike Men's Air Monarch IV Cross Trainer, Black/Black, 12.0 Regular US\",\n",
+ " 178: \"Fila Men's Memory Workshift-M, Black/Black/Black, 8.5 M US\",\n",
+ " 179: \"Skechers for Work Men's Felton Shoe, Black, 13 M US\",\n",
+ " 180: \"New Balance Men's 813 V1 Lace-Up Walking Shoe, Black/Black, 13 XXW US\",\n",
+ " 181: \"Skechers Sport Men's Equalizer Persistent Slip-On Sneaker, Black, 10 XW US\",\n",
+ " 182: 'Skechers mens Afterburn M. Fit fashion sneakers, Black, 8.5 US',\n",
+ " 183: \"adidas Originals Men's Seeley Running Shoe, Black/Black/Black, 10 M US\",\n",
+ " 184: \"Skechers USA Men's Braver Rayland Slip-On Loafer,Dark Brown Leather,13 M US\",\n",
+ " 185: \"Skechers USA Men's Expected Gomel Slip-on Loafer,Black,9.5 2W US\",\n",
+ " 186: \"Skechers for Work Women's Ghenter Bronaugh Work and Food Service Shoe , BLACK, 8.5 W US\",\n",
+ " 187: \"ASICS Men's Gel-Venture 6 Black/Phantom/Mid Grey Running Shoe 10 M US\",\n",
+ " 188: \"Hey Dude Men's Wally Stretch Blue, Size 12\",\n",
+ " 189: \"ASICS Men's Gel Venture 5 Trail Running Shoe, Castle Rock/Silver/Fiery Red, 10 M US\",\n",
+ " 190: \"Skechers Men's Equalizer Double Play Slip-On Loafer,Charcoal/Orange,9 M US\",\n",
+ " 191: 'New Balance mens 928 V3 Hook and Loop Walking Shoe, Black/Black, 10 XX-Wide US',\n",
+ " 192: 'BiFanuo 2 in 1 Folding Treadmill, Smart Walking Running Machine with Bluetooth Audio Speakers, Installation-Free,Under Desk Treadmill for Home/Office Gym Cardio Fitness(Red)',\n",
+ " 193: 'Egofit Walker Pro Smallest Under Desk Electric Walking Treadmill for Home, Small & Compact Treadmill to Fit Desk Perfectly and Home & Office with APP & Remote Contro',\n",
+ " 194: 'ANCHEER Treadmill,Folding Treadmill for Home Workout,Electric Walking Under Desk Treadmill with APP Control, Portable Exercise Walking Jogging Running Machine (Silver)',\n",
+ " 195: 'Soiiw Walking Pad Treadmill Electric Under Desk Smart Slim Fitness Jogging Training Cardio Workout with LED Display & Wireless Remote Control for Home Office',\n",
+ " 196: 'HOTSYSTEM 2 in 1 Installation-Free Folding Treadmill, 2.5HP Portable Under Desk Treadmill with Bluetooth, LED, Remote Control Smart Treadmill for Home Office Cardio Exercise',\n",
+ " 197: 'Goplus 2 in 1 Folding Treadmill, 2.25HP Under Desk Electric Superfit Treadmill, Installation-Free with APP Control, Remote Control, Bluetooth Speaker and LED Display, Jogging Walking for Home/Office',\n",
+ " 198: 'Goplus 2 in 1 Folding Treadmill, 2.25HP Superfit Under Desk Electric Treadmill, Installation-Free with Blue Tooth Speaker, Remote Control, APP Control and LED Display, Walking Jogging for Home Office',\n",
+ " 199: 'RHYTHM FUN Treadmill 2-in-1 Folding Treadmill Under Desk Walking Treadmill with Foldable Handrail Wide Tread Belt Super Slim Mini Quiet Home Treadmill with Smart Remote Control and Workout App(Sliver)',\n",
+ " 200: 'NordicTrack T Series Treadmill + 30-Day iFIT Membership',\n",
+ " 201: 'Goplus 2 in 1 Folding Treadmill with Dual Display, 2.25HP Superfit Under Desk Electric Pad Treadmill, Installation-Free, Blue Tooth Speaker, Remote Control, Walking Jogging Machine for Home/Office Use',\n",
+ " 202: 'Goplus Under Desk Treadmill, with Touchable LED Display and Wireless Remote Control, Built-in 3 Workout Modes and 12 Programs, Walking Jogging Machine, Superfit Electric Treadmill for Home Office',\n",
+ " 203: 'WalkingPad A1 Pro Smart Walk Folding Treadmill Slim Foldable Exercise Fitness Equipment Under Desk Running Walking Pad Outdoor Indoor Gym',\n",
+ " 204: 'SUNNY HEALTH & FITNESS ASUNA Space Saving Treadmill, Motorized with Speakers for AUX Audio Connection - 8730G',\n",
+ " 205: 'UMAY Under Desk Treadmill with Foldable Wheels, Portable Walking Pad Flat Slim Treadmill with Free Sports App & Remote Control, Jogging Running Machine for Home/Office',\n",
+ " 206: 'Sunny Health & Fitness SF-T1407M Foldable Manual Walking Treadmill, Gray',\n",
+ " 207: 'GOYOUTH 2 in 1 Under Desk Electric Treadmill Motorized Exercise Machine with Wireless Speaker, Remote Control and LED Display, Walking Jogging Machine for Home/Office Use',\n",
+ " 208: 'Self Seal Double Window Security Envelopes (#10 - Box of 500), for Invoices, Statements and Legal Documents (4 1/8\" x 9 1/2\")',\n",
+ " 209: '500 No. 8 Flip and Seal Double Window Security Check Envelopes - Designed for Quickbooks Printed Checks - Number 8 Size 3 5/8 Inch x 8 11/16 Inch',\n",
+ " 210: 'CheckSimple Personalized #10 Self-Seal Standard Mailing Envelopes - (500 Envelopes) Custom Non-Window',\n",
+ " 211: 'Office Deed 500#10 Envelopes SELF SEAL Business Envelope Windowless Design, Security Tint Pattern for Secure Mailing, Invoices, Statements & Legal Document, 4-1/8 x 9-1/2 Inches',\n",
+ " 212: 'Office Deed 500#10 Envelopes SELF SEAL Business Envelope Single Window Design, Security Tint Pattern for Secure Mailing, Invoices, Statements & Legal Document, 4-1/8 x 9-1/2 Inches',\n",
+ " 213: \"Office Deed 500 #9 Double Window SELF SEAL Security Envelopes-Designed for Quickbooks Invoices and Business Statements with peel and seal flap -3 7/8'' X 8 7/8''\",\n",
+ " 214: 'Office Deed 500 #10 Self Seal Double Window Security Envelopes-Designed for Business Statements, Quickbooks Invoices, and Return Envelopes 4 1/8 X 9 ½’’',\n",
+ " 215: '50 Pack #10 Self-Seal Business Envelopes, 4-1/8 X 9-1/2 Inches, Square Flap Envelopes with Peel & Seal, Kraft, No Window, 50 Count.',\n",
+ " 216: '500#8 Double Window Self Seal Security Envelopes - for Business Checks, QuickBooks & Quicken Checks, Size 3 5/8 x 8 11/16 Inches - Checks Fit Perfectly - Not for Invoices, 500 Count(30180)',\n",
+ " 217: '50 W2 Envelopes, Self Seal, Double Window Security Envelopes Designed for Printed W2 Laser Forms from QuickBooks Desktop and Other Tax Software, 5 5/8’’ x 9’’, 50 Form Envelopes',\n",
+ " 218: 'Box of 500 Number 8 Envelopes, Size fits QuickBooks Printed Checks, Double Window Security Check Envelope, Flip and Seal, Measures 3-5/8 inch x 8-11/16 inches',\n",
+ " 219: 'ValBox 500 Count #10 Double Window Envelopes 4-1/8x9-1/2\" Self Seal Security Envelopes for QuickBooks Invoices, Business Statements and Legal Documents',\n",
+ " 220: '500 No. 9 Flip and Seal Double Window Security Envelopes - Designed for Quickbooks Invoices and Business Statements with Self Seal Flip Press and Seal Flap -Number 9 Size 3 7/8 Inch X 8 7/8 Inch',\n",
+ " 221: '500 #9 Single Window Security Envelopes, Thick Gummed Seal, Designed for Secure Mailing of Payroll Checks, QuickBooks Invoices, Return Mail, and Business Statements - 3 7/8 x 8 7/8',\n",
+ " 222: '500#10 Single Window Envelopes-Thick Gummed Seal-Designed for Secure mailing of Quickbooks Checks, invoices, Business Statements, Personal Letters - 4 1/8 x 9 1/2',\n",
+ " 223: 'Quality Park Redi-Seal Security Window Envelopes, 10 (4 1/8\" x 9 1/2\"), White, Box of 500',\n",
+ " 224: '500 Gummed Double Window Security Check Envelopes - Designed for QuickBooks Checks - Computer Printed Checks - Gummed Flap - 3 5/8 X 8 11/16',\n",
+ " 225: 'Quality Park Redi-Seal Double-Window Security Envelopes, 10, 4 1/8\" x 9 1/2\", White, Box of 500',\n",
+ " 226: 'BAZIC #10 Self-Seal White Envelope (50/Pack)',\n",
+ " 227: 'Check O Matic Double Window Security Tinted Envelopes - Compatible for QuickBooks Checks and for Computer Printed Checks, 3-5/8 X 8-11/16 Inches - 100 Pack',\n",
+ " 228: '100 Self Seal Double Window Security Tinted Envelopes - for Computer Checks-Compatible for QuickBooks 3-5/8 X 8-11/6',\n",
+ " 229: '500 Self Seal QuickBooks Double Window Security Check Envelopes - for Business Laser Checks, Ultra Security Tinted, Self Adhesive Peel & Seal White, Size 3 5/8 x 8 11/16-24lb NOT for INVOICES',\n",
+ " 230: '500 Double Window Check Envelopes Self Seal with Security Tint Works with all Software',\n",
+ " 231: 'EnDoc #10 Double Window Envelopes - 50 Pack - Self Seal, Flip and Seal Security Tinted Envelopes, Can be used for Invoices, Statement and for Return Envelopes - 9 1/8\" X 4 1/8\"',\n",
+ " 232: '100 Double Window SELF Seal Security Check Envelopes - Compatible with QuickBooks and Other Checks',\n",
+ " 233: '500 No. 10 Flip and Seal Double Window Security Envelopes - Perfect Size for Multiple Business Statements, Quickbooks Invoices, and Return Envelopes -Number 10 Size 4 1/8 X 9 ½ Inch',\n",
+ " 234: '550 SELF Seal Double Window Security Envelopes - Designed for QuickBooks Checks, Business Checks, and Computer Checks - Security Tinted - Peel & Seal - 3 5/8” x 8 11/16” - 24 LB (NOT for INVOICES)',\n",
+ " 235: '#9 Double Window SELF SEAL Security Envelopes - 550 Per Box - Designed for QuickBooks Invoices, Business Correspondence, and Legal Documents - Security Tinted - Peel & Seal - 3 7/8\" x 8 7/8\" - 24 LB',\n",
+ " 236: '500 Self Seal Double Window Security Envelopes - Designed for QuickBooks Checks - Computer Printed Checks - 3 5/8 X 8 11/16 (NOT for INVOICES)',\n",
+ " 237: '500 No. 10 Self Seal Double Window Security Envelopes - Perfect Size for Multiple Business Statements, Quickbooks Invoices, and Return Envelopes - Number 10 Size 4 1/8 Inch X 9 ½ Inch',\n",
+ " 238: '500 No. 10 Gummed Double Window Security Envelopes - Perfect Size for Multiple Business Statements, Quickbooks Invoices, and Return Envelopes - Number 10 Size 4 1/8 X 9 ½ Inch',\n",
+ " 239: '500#10 Double Window Security Business Mailing Envelopes - for Invoices, Statements and Legal Documents - GUMMED Closure, Security Tinted - Size 4-1/8 x 9-1/2 - White - 24 LB - 500 Count (30101)',\n",
+ " 240: 'Aimoh #10 Single Left Window Envelopes -Gummed Closure -Size 4-1/8x9-1/2 Inches -24LB-500 Count(35410)',\n",
+ " 241: '500 Number 10 Single Window Envelopes - Thick Gummed Seal - Designed for Secure Mailing of Quickbooks Checks, Invoices, Business Statements, Personal Letters - 4 1/8 x 9 1/2',\n",
+ " 242: 'Acko #10 500Pack Double Window Envelopes Quickly Self-Seal Envelopes 4 1/8 x 9 1/2,Security Tint Pattern Designed for Home Office Secure Mailing,Letters and Invoices - White Envelopes 500 Count',\n",
+ " 243: '#10 Single Left Window Security Tinted Envelopes, Gummed Closure, Size 4-1/8 X 9-1/2 inches, 24 LB - 500 Count (35310)',\n",
+ " 244: 'Amazon Basics #9 Envelopes with Peel & Seal, Double Window, Security Tinted, 500-Pack',\n",
+ " 245: '500 Self Seal Number 10 Single Right Window Envelopes - Security Lining - Designed for Secure Mailing of Invoices, Documents, and Business Statements, 4 1/8 x 9 1/2 Inches, 500 Ct',\n",
+ " 246: '100 Cashier Depot #10 Business Envelope, Peel & Seal, Security-Tinted, 24lb. White Paper, 100 Envelopes (Left Window)',\n",
+ " 247: 'Clear Plastic Small Blank Envelope Pouch for Packing List - Return Label (Not for standard shipping labels) , Documents Keeps Paper Safe While Shipping Size 4” x 6” by MT Products (100 Pieces)',\n",
+ " 248: 'Sooez 10 Pack Plastic Envelopes Poly Envelopes, Clear Document Folders US Letter A4 Size File Envelopes with Label Pocket & Snap Button for School Home Work Office Organization, Clear',\n",
+ " 249: 'Blue Summit Supplies 500#10 Single Window Security Envelopes Flip and Seal, Designed for QuickBooks Invoices and Business Statements, Number 10 Size 4 1/8” X 9 1/2”, 500 Pack',\n",
+ " 250: '500 #10 Double Window SELF Seal Security Envelopes - for Invoices, Statements & Documents, Security Tinted - EnveGuard, Size 4-1/8 x 9-1/2 -White - 24 LB - 500 Count (30001)',\n",
+ " 251: 'Sooez 10 Pack Plastic Envelopes Poly Envelopes, Clear Document Folders US Letter A4 Size File Envelopes with Label Pocket & Snap Button for Home Work Office Organization, 5 Assorted Colors',\n",
+ " 252: 'Amazon Basics #9 Double Window Security Tinted Envelopes, White, 500 ct',\n",
+ " 253: 'EnDoc 9x12 Full Face Window Envelopes - 28lb. Bright White 9 x 12 Inches Envelope, With a nice Clear Full window - 55 Pack',\n",
+ " 254: '500#10 Single Left Window SELF Seal Security Envelopes - Super Strong Quick-Seal Self Sealing Closure, Security Tinted, Size 4-1/8 x 9-1/2 Inches, 24 LB - 500 Count (35210)',\n",
+ " 255: '500#9 Double Window SELF Seal Security Envelopes - for Invoices, Statements & Documents, Security Tinted - Size 3-7/8 x 8-7/8-24 LB - 500 Count (30139)',\n",
+ " 256: '500 No. 10 Self Seal Single Window Security Envelopes -Designed for QuickBooks Invoices and Business Statements - Computer Printed Checks with Strong Peel and Seal Flap - Number 10 Size 4 1/8 X 9 1/2',\n",
+ " 257: 'Amazon Basics #10 Security-Tinted Self-Seal Business Envelopes with Left Window, Peel & Seal Closure - 500-Pack, White',\n",
+ " 258: 'EnDoc #10 Colored Envelopes - Bright Lime Color - 24lb paper Colored envelopes letter size for Offices, Holiday, Invoices, Mailings - 4 1/8 x 9 1/2 Inches - 50 Pack',\n",
+ " 259: 'Liquid I.V. Hydration Multiplier - Lemon Lime - Hydration Powder Packets | Electrolyte Drink Mix | Easy Open Single-Serving Stick | Non-GMO',\n",
+ " 260: 'Nordic Naturals Ultimate Omega, Lemon Flavor - 1280 mg Omega-3-210 Soft Gels - High-Potency Omega-3 Fish Oil with EPA & DHA - Promotes Brain & Heart Health - Non-GMO - 105 Servings',\n",
+ " 261: 'Liquid I.V. Hydration Multiplier - Passion Fruit - Hydration Powder Packets | Electrolyte Drink Mix | Easy Open Single-Serving Stick | Non-GMO',\n",
+ " 262: 'HARRIS Diatomaceous Earth Food Grade, 5lb with Powder Duster Included in The Bag',\n",
+ " 263: 'Probiotics 60 Billion CFU - Probiotics for Women, Probiotics for Men and Adults, Natural, Shelf Stable Probiotic Supplement with Organic Prebiotic, Acidophilus Probiotic',\n",
+ " 264: 'JETech Screen Protector for iPhone 11 Pro, for iPhone Xs, for iPhone X, 5.8-Inch, Tempered Glass Film, 2-Pack',\n",
+ " 265: 'HARRIS Diatomaceous Earth Food Grade, 10lb with Powder Duster Included in The Bag',\n",
+ " 266: 'Retinol Complex Face Serum - 1oz from Naturium',\n",
+ " 267: 'Thyroid Support Supplement\\xa0with Iodine\\xa0- Energy & Focus Formula - Vegetarian\\xa0& Non-GMO\\xa0- Vitamin B12 Complex, Zinc, Selenium, Ashwagandha, Copper, Coleus Forskohlii, & More 30 Day Supply',\n",
+ " 268: 'Mrs. Wages Pickling Lime (1-Pound Resealable Bag)',\n",
+ " 269: 'Nature Made Melatonin 3 mg with 200 mg L-theanine Softgels, 60 Count for Supporting Restful Sleep',\n",
+ " 270: 'Nature Made Melatonin 5 mg, For Restful Sleep, 90 Tablets, 90 Day Supply',\n",
+ " 271: 'Nature Made Melatonin 3 mg, Sleep Aid Supplement for Restful Sleep, 240 Tablets, 240 Day Supply',\n",
+ " 272: 'X-ACTO X-Life #11 Classic Fine Point Blades, Bulk Pack, 100 Blades per Box (X611),Silver',\n",
+ " 273: 'My Weird School #11: Mrs. Kormel Is Not Normal!',\n",
+ " 274: 'My Weird School Special: Back to School, Weird Kids Rule!',\n",
+ " 275: 'American Football Rugby Athletes Jersey Number 12 Stainless Steel Pendant Necklace for Boys Girls Women Men 24 Inch Chain',\n",
+ " 276: 'Photographer Gift Inspiration Gift Pendant Necklace Dog Tag Jewelry Keychain',\n",
+ " 277: \"Viking Jewelry Vegvísir wayfinder Guidepost Compass Odin Celtic Pagan Pewter Men's Pendant Necklace Safe Travel Talisman Protection Amulet Wealth Money Lucky Fortune Good Luck Charm Silver Ball Chain\",\n",
+ " 278: 'GoldChic Jewelry Black Baseball Jersey Number 2 Charms Pendant Necklace with Chain 22+2\"',\n",
+ " 279: 'Softball Dog Tag Necklaces Engraved Number Jewelry Personalized Custom Baseball Tags Pendants Dogtag Mens Black Necklace',\n",
+ " 280: 'TLIWWF Inspiration Baseball Jersey Number Necklace Stainless Steel Charms Number Pendant for Boys Men (10)',\n",
+ " 281: 'Kumshunie Baseball Bats Cross Necklace with Number Stainless Steel Charm Sports Pendant Gift for Men 34',\n",
+ " 282: 'U7 Youth Baseball Necklace 4mm Cuban Link Chain Inspirational Pendant Football Chains Jersey Number 3 Necklaces for Boys Men',\n",
+ " 283: 'RWQIAN Baseball Cross Necklaces Baseball Necklace with Number 33 Sports Stainless Steel Baseball Bat Cross Pendant Chain Baseball Fans Jewelry Gift',\n",
+ " 284: 'Nary Mom Keychain I Once Protected Him Now He Protects Us All Mom Military Mom Jewelry Gifts for Navy Mom',\n",
+ " 285: 'Baseball Gifts Necklace for Men Mens Number 5 Pendant Stainless Steel Chain',\n",
+ " 286: 'Number 12 Baseball Necklace Sports Fans Softball Gifts for Boys Men Teens Stainless Steel Pendant Jewelry 22 Inch Box Chain',\n",
+ " 287: 'SEIRAA Hairdresser Gift Hair Stylist Jewelry Hair Cutter Barber Keychain Jewelry (Hairdresser keychain)',\n",
+ " 288: 'Baseball Rope Necklaces For Boys Men Youth Baseball Gear Baseball Softball Gifts Beisbol Accessories Paracord Braided Necklace Titanium Tornado Necklace Neon Blue Black White',\n",
+ " 289: '00-99 Custom Number Pendant With Chain Necklace - Stainless Steel (00)',\n",
+ " 290: 'NanMuc Number #3 Baseball Initial Pendant Necklace Inspiration Baseball Jersey Charms Stainless Steel Necklace',\n",
+ " 291: 'Chris Johnsons 3 Number Necklace, Baseball Number Necklace, Football Number Necklace Sterling Silver Pendant Chain',\n",
+ " 292: 'PROSTEEL Baseball Cross Necklace for Boys Men Necklaces Baseball Number Necklace Stainless Steel Chain Mens Necklace Baseball Chain Black Chain',\n",
+ " 293: 'Initial Necklaces for Teen Girls Boys Son Daughter Sister Brother 18K Gold Figaro Chain Link Letter G Personalized Name Handmade Cute Dainty Stainless Steel Jewelry Unique Fancy Birthday Gifts',\n",
+ " 294: '.925 Sterling Silver Customizable Sports Jersey Lucky Number and Name Pendant Charm with Personalized Engraving - Comes with 16\" Rolo Chain',\n",
+ " 295: 'HZMAN Baseball Initial Pendant Necklace Inspiration Baseball Jersey Number 0-9 Charms Stainless Steel Necklace',\n",
+ " 296: '3MM 18k Real Gold Plated Black Square Rolo Chain Stainless Steel Round Box Chain Necklace Men Women Jewelry',\n",
+ " 297: 'MadSportsStuff Custom Player ID Softball Necklace (#6, One Size)',\n",
+ " 298: 'Rectangle Transgender Flag Charm Necklace (1 Necklace)',\n",
+ " 299: 'Train Charm Necklace | Train Pendant on a 22 inch Stainless Steel Snake Chain Necklace for Train Lover Gifts and Gifts for Train Lovers Great for Train Party Favors and Train Birthday Decorations',\n",
+ " 300: 'HZMAN Baseball Cross Pendant, I CAN DO ALL THINGS STRENGTH Bible Verse Stainless Steel Necklace (Black)',\n",
+ " 301: 'Baseball Stainless Steel Cross Pendant Necklace for Boy or Men With 20+2\" Adjustable Chain Black Bible Verse on Back',\n",
+ " 302: 'XIEXIELA Baseball Cross Pendant. I CAN DO All Things Strength Bible Verse Stainless Steel Necklace for Men Boy Cell Phone Holder Silver',\n",
+ " 303: 'Boys Mens Baseball Cross Pendant Necklace 18K Gold Plated Bible Verse Stainless Steel Necklace Jewelry (A-Black)',\n",
+ " 304: 'Baseball Athletes Jersey Number 2 Cross Pendant Necklace for Boys Girls Women Men 24 Inch Stainless Steel Chain PHILIPPIANS 4:13 on back I CAN DO ALL THINGS',\n",
+ " 305: 'Starmond Baseball Cross Necklace for men: I CAN DO All Things Strength Bible Verse Stainless Steel 24 inch Chain (Steel)',\n",
+ " 306: 'Lightning Bolt Necklace - Silver Thunder Bolt Pendant - Silver Lightning Strike Charm - Long Layering - Trendy Celebrity Jewelry - Bolt',\n",
+ " 307: \"JACKY STORE Necklace for Black Panther Cosplay Men Boys Wakanda King T'Challa Stainless Steel Choker Necklace(Silver)\",\n",
+ " 308: 'CHOORO Piano Keyboard Pendant Keychain Piano Zipper Pull Music Jewelry Gift for Pianist/Piano Teacher/Music Lovers (Necklace)',\n",
+ " 309: 'Bandmax Stainless Steel Black Plated Rainbow LGBT Gay Pride Cylindrical Pendant Necklace Jewelry Personalized Metal Parade Friendship,Love,Inspiration Necklace for Women Men with 22inch Chain',\n",
+ " 310: \"EunWow Anchor Pirate Black Chain Rocker Cool Nautical Gifts for Men Jewelry Vintage Included 22'Chain\",\n",
+ " 311: 'Fusamk Punk Rapper Stainless Steel Skull Head Pendant Necklace,22\" Link Chain',\n",
+ " 312: 'RMOYI Baseball Bats Stainless Steel Cross Necklace for Men Women Boys Girls,Black 24 Inches',\n",
+ " 313: 'Baseball Necklace ,Men Sports Youth Baseball Necklace for mens Stainless Steel Baseball Bat Necklace Athletes Jewelry Gift,Silver 20 inches',\n",
+ " 314: 'Serenity Prayer AA Recovery Necklace Keychain Serenity Courage Wisdom Sobriety Gift (Necklace S)',\n",
+ " 315: 'PH PandaHall 150pcs 15 Styles Tree Leaf Charms Pendants, Tibetan Branch Leaves Charms Beads for DIY Earring Bracelet Necklace Jewelry Making, Antique Bronze',\n",
+ " 316: 'OLYCRAFT 20pcs Cage Theme Open Bezel Charms 10-Style Acrylic Frame Pendants Hollow Resin Frames with Loop for Resin Jewelry Making - Black',\n",
+ " 317: 'EFYTAL 15th Birthday Gifts for Her, Girls 925 Sterling Silver Bracelet, 15 Beads for 15 Year Old Girl, Quinceanera Gift',\n",
+ " 318: '100PCS Mixed Style Random Transmission Antique Silver Round Shape 26 Alphabet English Letters Charm Pendant Bracelets Necklace Jewelry Findings Jewelry Making Craft DIY 15x12mm (a-1078)',\n",
+ " 319: 'Pandora Jewelry Friends Are Family Dangle Sterling Silver Charm',\n",
+ " 320: 'Happy Birthday Bangles, Cake Cheer Live Laugh Love Charms Bangle Bracelets, Gifts For Her (15th Birthday)',\n",
+ " 321: 'Elegant Sterling Silver Quinceanera Open Heart Charm Pendant with Cubic Zirconia',\n",
+ " 322: \"Beadthoven 100pcs 9/16''Inch 304 Stainless Steel Blank Stamping Tag Pendants for Bracelet Earring Pendant Flat Round Charms 15x1mm\",\n",
+ " 323: 'Sexy Sparkles Number, Birthday Birthstone, Anniversary Clip on Pendant Charm for Bracelet or Necklace (15 Clip On)',\n",
+ " 324: 'PANDORA Jewelry Black Leather Charm Sterling Silver Bracelet, 15.0\"',\n",
+ " 325: 'FashionJunkie4Life Sterling Silver Number 15 Fifteen Charm Necklace, 18\" Chain, Birthday Quinceañera',\n",
+ " 326: 'Pandahall 200pcs Assorted Alphabet Charm Pendant Loose Beads Silver Plated A-Z Letter Pieces, 12-17x4-15x2mm',\n",
+ " 327: 'Alex and Ani October Birth Month Charm with Swarovski Crystal Rafaelian Gold Bangle Bracelet',\n",
+ " 328: 'Alex and Ani Path of Symbols A17EB05RG Expandable Bangle for Women, Love Charm, Rafaelian Gold Finish, 2 to 3.5 in',\n",
+ " 329: 'Alex and Ani A16EB101RG Guardian Angel Expandable Wire Gold Bangle Charm Bracelet',\n",
+ " 330: 'PANDORA Mickey and Minnie Vintage Car 797174',\n",
+ " 331: 'Hex Pencils (Full Size Hex Pencil with #2 Lead Available in a Variety of Colors) (Tested Non Toxic) (Latex Free Eraser) (Classroom Pencils) (Bulk Box of 144) (Matte Black)',\n",
+ " 332: 'Amazon Basics Woodcased #2 Pencils, Pre-sharpened, HB Lead, Box of 30',\n",
+ " 333: 'TICONDEROGA Pencils, Wood-Cased #2 HB Soft, Pre-Sharpened with Eraser, Yellow, 6-Pack/ 180 count (13806)',\n",
+ " 334: 'DIXON Oriole #2 Soft Pencils with Erasers, Pre-Sharpened, 6 Boxes of 12, 72 Pencils Total (12886SP)',\n",
+ " 335: 'Madisi Golf Pencils, 2 HB Half Pencils, 3.5\" Mini Pencils, Pre-Sharpened, 144 Count',\n",
+ " 336: 'Crayola Number 2 Pencils, Back To School Supplies, 12ct Wooden Pencils',\n",
+ " 337: '#2 HB Wood Cased Pencils, Pre-Sharpend Graphite Pencils, With Latex-Free Erasers, Bulk Buy - Smooth Writing for Exams, School, Office, Drawing, Sketching - 144 PACK',\n",
+ " 338: 'Ticonderoga Neon Pencils, #2 Pre-Sharpened Wood Pencils with Erasers, 18-Count, 13018',\n",
+ " 339: \"S & E TEACHER'S EDITION Half Pencils with Eraser Tops 96Pcs, Golf, Classroom, Pew - #2 HB, Hexagon, 96/Box.\",\n",
+ " 340: 'Rarlan Golf Pencils, 2 HB, Pre-Sharpened, 320 Count Classpack',\n",
+ " 341: 'Muousco Colored Pencils for Adult Premium Artist Colored Pencil Set (72-Count), Handmade Canvas Pencil Wrap, Extra Accessories Included, Holiday Gift, Oil based Colored Pencil',\n",
+ " 342: 'Amazon Basics Heavy Duty Dry Erase Ticket Holder Pockets 8.5\" X 11\", Pack of 25 & Woodcased #2 Pencils, Pre-sharpened, HB Lead - Box of 150, Bulk Box',\n",
+ " 343: 'Koala Tools | Bear Claw Pencils (pack of 6) - Fat, Thick, Strong, Triangular Grip, Graphite, 2B Lead with Eraser - Suitable for Kids, Art, Drawing, Drafting, Sketching & Shading',\n",
+ " 344: 'Personalized Pencils - Round - Laser Theme - Custom Printed with your message, text or logo - by Express Pencils - 12 pkg FREE PERZONALIZATION Great gift idea (Green)',\n",
+ " 345: 'Integra Presharpened No. 2 Pencils',\n",
+ " 346: 'Dixon Ticonderoga Pre-sharpened with Erasers Pencils, 2, Yellow, 2 Boxes of 30 (13830)',\n",
+ " 347: 'Dixon Oriole Presharpened Pencil, 12 Count ( Packaging May Vary )',\n",
+ " 348: 'Colore #2 Pencils With Eraser Tops - HB Graphite/No 2 Yellow Wood Pencil Great School Art Supplies For Writing, Drawing & Sketching - Suitable For Kids & Adults - 144 Count',\n",
+ " 349: 'Ticonderoga Yellow Pencil, No.1 Extra Soft Lead, Dozen DIX13881',\n",
+ " 350: 'TICONDEROGA Pencils, Wood-Cased Graphite, #2 HB Soft, Pre-Sharpened, Assorted Color Barrels, Black Lead, 10-Pack (13932)',\n",
+ " 351: 'Ticonderoga Noir Black Wood-Cased #2 Pencils, Holographic Design, 12-Count (13970)',\n",
+ " 352: 'TICONDEROGA My First Pencils, Wood-Cased #2 HB Soft, Pre-Sharpened with Eraser, Includes Bonus Sharpener, Yellow, 4-Pack (33309)',\n",
+ " 353: 'DIXON Oriole Wood-Cased Pencils with Erasers, Graphite, #2 HB, Pre-Sharpened, Yellow, 144-Count (12866)',\n",
+ " 354: 'Moon Products Wood Pencil, Fifth Graders Are No.1, No.2, 12/DZ, Assorted (MPD7865B)',\n",
+ " 355: 'Dixon Ticonderoga Oriole Pre-Sharpened Black Core Pencils, #2, Yellow, Box of 12 (12886)(3Pack)',\n",
+ " 356: 'Pencils Pre-sharpened No. 2 144/box 12 Boxes of 12 New Improved Eraser',\n",
+ " 357: 'Pre-Sharpened Pencil, 2, Yellow Barrel, 30/Pack - DIX13830',\n",
+ " 358: 'Black Widow Skin Colored Pencils for Adults - Color Pencils for Portraits and Skintone Artists - A Complete Color Range - Now With Light Fast Ratings.',\n",
+ " 359: 'Weibo HB Wood Cased Graphite School Pencils, Pack of 12, Bulk, Pre-Sharpened with Erasers and Sharpener, Office Supplies for Exams, School, Office, Drawing and Sketching (Purple)',\n",
+ " 360: 'Amazon Basics Woodcased #2 Pencils, Pre-sharpened, HB Lead - Box of 150, Bulk Box',\n",
+ " 361: 'ezpencils - Red Barrel Golf (1/2 a pencil - Pew pencils) Hexagon Pencils with Eraser - 48 pkg - Non-Smudge Eraser - # 2 HB Lead - Sharpened - NEW',\n",
+ " 362: 'Paper Mate 73015 Arrowhead Pink Pearl Cap Erasers, 144 Count',\n",
+ " 363: 'TICONDEROGA My First Pencils, Wood-Cased #2 HB Soft, Pre-Sharpened with Eraser, Yellow, 12-Pack (33312)',\n",
+ " 364: \"BIC Xtra-Precision Mechanical Pencil, Metallic Barrel, Fine Point (0.5mm), 24-Count, Doesn't Smudge and Erases Cleanly\",\n",
+ " 365: 'Dixon No. 2 Yellow Pencils, Wood-Cased, Black Core, #2 HB Soft, 144 Count, Boxed (14412)',\n",
+ " 366: 'ezpencils - Neon Green Barrel Golf (1/2 a pencil - Pew pencils) Hexagon Pencils without Eraser - 48 pkg - No Eraser - # 2 HB Lead - Sharpened - NEW',\n",
+ " 367: 'TICONDEROGA Erasable Checking Pencils, Pre-Sharpened with Eraser, Blue, Pack of 12 (14209)',\n",
+ " 368: \"Maped Helix USA Black'Peps Triangular Graphite #2 Pencils, Pack of 3 (851711ZV)\",\n",
+ " 369: 'ezpencils - Black Barrel Golf (1/2 a pencil - Pew pencils) Blank Hexagon Pencils without Eraser - 48 pkg - # 2 HB Lead - Sharpened - NEW',\n",
+ " 370: 'Staedtler 512 001 ST Double-hole Tub Pencil Sharpener',\n",
+ " 371: 'Nikola Works Classic American Standard #2 HB Mini Golf Pre-Sharpened Pew Pencils Without Erasers Hex Shaped Bulk 384 Count',\n",
+ " 372: 'Nikola Works Classic American Standard #2 HB Mini Golf Pre-Sharpened Pew Pencils With Erasers Hex Shaped Bulk 384 Count',\n",
+ " 373: 'Tombow 57324 MONO Eraser, White, Medium, 3-Pack. Cleanly Removes Marks Without Damaging Paper',\n",
+ " 374: 'Emraw Pink Color Fun Mini Chisel Shaped Eraser Top Cap for Any Standard Pencil - Use in School, Home & Office (20 Pack)',\n",
+ " 375: 'Pencil Guy Untipped white round pencil, no eraser 144 to a box',\n",
+ " 376: 'Grading Checking Erasable Pencils, Pre-Sharpened #2 HB Red Pencils, With Eraser Tops - 12-Pack',\n",
+ " 377: 'Recycled P',\n",
+ " 378: 'Premium Quality Pencils In Bulk 150 Neon #2 Sharpened Wood Pencils for Kids and Adults',\n",
+ " 379: 'Electric Pencil Sharpener, Eraser and Vacuum Set, Batteries Included, High Speed Automatic, Battery-Powered, Best for Colored No. 2 Pencils, for Home Office School Classroom Adults Kids (Black)',\n",
+ " 380: '1InTheOffice Red Grading Pencils #2 Lead, Red Pre Sharpened Checking Pencils\"24 Pack\"',\n",
+ " 381: 'HB Translucent Pencil Multipoint Pencil Colorful Non-Sharpening Stacking Point Pencil Pop Up Plastic Pencil with Matching Eraser for Girls, Kids, Students, Teachers, Office Staff, 7 Colors (14 Pieces)',\n",
+ " 382: 'TICONDEROGA Pencils, Wood-Cased, Pre-Sharpened, Graphite #2 HB Soft, Yellow, 30-Count - 1 Pack',\n",
+ " 383: 'Ticonderoga My First Wood-Cased Pencils , #2 HB Soft, Without Eraser, Yellow, 36 Count (X33036)',\n",
+ " 384: '30 Pieces Non-Sharpening Pencils HB Translucent Pencil Stacking Point Pencils for Kids Pop Up Stackable Pencil with Matching Eraser for Taking Notes, Writing, Drawing, 5 Colors',\n",
+ " 385: 'AUTEMOJO 3.5 Inch Short Triangular Fat Pencils for Preschoolers Toddlers Kindergarten, Mini Wood Triangular Pencils for Kids Writing and Drawing(Pack of 7, Blue)',\n",
+ " 386: \"Maped Black'Peps Jumbo Triangular Graphite #2 Pencils without Erasers x46 - School Pack (854059)\",\n",
+ " 387: 'ezpencils - Natural Color Golf Pencils without Eraser – 144 units bx. – Non-Personalized (Blank Pencils), 2HB (Black Graphite), Pew/Score Keeping, Half Pencil, School/Office, Hexagon, Sharpened',\n",
+ " 388: 'Beginner Primary Size Pencils, Wood-Cased #2 HB Soft Without Eraser, Yellow, 12-Pack - New',\n",
+ " 389: 'ezpencils - Neon Pink Barrel Golf (1/2 a pencil - Pew pencils) Hexagon Pencils without Eraser - 48 pkg - No Eraser - # 2 HB Lead - Sharpened - Non-Branded - NEW',\n",
+ " 390: 'ezpencils - Red Barrel Golf (1/2 a pencil - Pew pencils) Hexagon Pencils without Eraser - 48 pkg - No Eraser - # 2 HB Lead - Sharpened - NEW',\n",
+ " 391: 'TICONDEROGA Laddie Pencils, Wood-Cased #2 HB Soft without Eraser, Yellow, 12-Pack (13040)',\n",
+ " 392: 'Ticonderoga - PPNE TICONDEROGA Beginner Primary Size Pencils, Wood-Cased #2 HB Soft Without Eraser, Yellow, 12-Pack (13080)',\n",
+ " 393: 'Ticonderoga Pencils, Wood-Cased Graphite #2 HB Soft, Pre-Sharpened, Yellow, 12 Count (X13806)',\n",
+ " 394: 'Ticonderoga My First Tri-Write Pencils without Eraser, Primary Size Wood-Cased #2 HB Soft, Yellow, 36-Pack (13084)',\n",
+ " 395: 'Musgrave Pencil Co MUS500 Tot Big Dipper Jumbo Pencil without Eraser, 12 Pack',\n",
+ " 396: 'Dixon Ticonderoga Company : No 2 Pencil,Triangular Shape,Beginner Without Eraser,36/BX -:- Sold as 2 Packs of - 36 - / - Total of 72 Each',\n",
+ " 397: 'Paper Mate 56047PP Clearpoint 0.7mm Mechanical Pencil Starter Set, Assorted Colors',\n",
+ " 398: 'Ticonderoga Laddie Tri-Write Pencils, Wood-Cased #2 HB Soft, Intermediate Size Triangular without Eraser, Yellow, 36-Pack (13044)',\n",
+ " 399: 'Integra Red Grading Pencils , 12 count',\n",
+ " 400: 'Learning Without Tears Pencils for Little Hands- Trans K–1, Handwriting, Writing Tools, Bulk Pencils, Sensory - For School and Home Use',\n",
+ " 401: 'ezpencils - Sea Blue Barrel Golf (1/2 a pencil - Pew pencils) Hexagon Pencils without Eraser - 48 pkg - No Eraser - # 2 HB Lead - Sharpened - Non-Branded - NEW',\n",
+ " 402: 'Dixon Ticonderoga Beginners Primary Size #2 Pencils Without Eraser, Box of 12, Yellow (13080)(2Pack)',\n",
+ " 403: 'Dixon Ticonderoga Beginners Primary Size #2 Pencils Without Erasers, Yellow (13080) (4-Pack of 12)',\n",
+ " 404: '30 Pieces Small Colored Paper Gift Bags Party Favor Bags Assorted Colors (Rainbow Without Handle)',\n",
+ " 405: '100 Pack 8x4.75x10 inch Medium Red Gift Paper Bags with Handles Bulk, Bagmad Kraft Bags, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (Red, 100pcs)',\n",
+ " 406: '100 Pack 8x4.75x10 inch Medium Blue Gift Paper Bags with Handles Bulk, Bagmad Kraft Bags, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (Navy Blue, 100pcs)',\n",
+ " 407: '50 Pack 5.25x3.25x8 inch Small Green Gift Paper Bags with Handles Bulk, Bagmad Kraft Bags, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (Dark Green, 50pcs)',\n",
+ " 408: '50 Pack 8x4.75x10 inch Medium Blue Kraft Paper Bags with Handles Bulk, Bagmad Gift Bags, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (Navy Blue, 50pcs)',\n",
+ " 409: '20 Pack Party Favor Bags Colorful Kraft Paper Goodie Bags with Handle for Kids Birthday',\n",
+ " 410: 'Trash Bags, 5 Rolls/100 Counts Small Garbage Bags for Office, Kitchen,Bedroom Waste Bin,Colorful Portable Strong Rubbish Bags,Wastebasket Bags',\n",
+ " 411: 'Glad Trash & Food Storage ForceFlex Protection Series Tall Trash Bags, 13 Gal, Gain Moonlight Breeze with Febreze, 110 Ct (Package May Vary), White (79261)',\n",
+ " 412: '50 Pack 8x4.75x10 inch Medium Green Gift Paper Bags with Handles Bulk, Bagmad Kraft Bags, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (Dark Green, 50pcs)',\n",
+ " 413: '50 Pack 8x4.75x10 inch Medium White Kraft Paper Bags with Handles Bulk, Bagmad Gift Bags, Craft Grocery Shopping Retail Birthday Party Favors Wedding Sacks Restaurant Takeout, Business (50Pcs)',\n",
+ " 414: 'HUAPRINT Black Paper Bags,Shopping bags with Ribbon Handles,20Pcs,10.6x8.3x3.1,Craft Gift Bags for Clothes,Bulk Lunch Bags,Retail Bags,Party Favor Bags,Merchandise Business Bags,Wedding Bags',\n",
+ " 415: 'Brown Paper Bags with Handles Bulk 50 Pack - Includes 50 Psc Thank You Stickers - Kraft Paper Bags Different Sizes - Large and Medium Gift Paper Bags - Recycled Paper Bags for Business for Shopping',\n",
+ " 416: 'Kraft Brown Paper Bags 57 LB [100 Pack] - Brown Paper Grocery Bag Bulk - Large Brown Paper Bags, Durable, Great for Grocery shopping, Delivery or take out orders.12\"x7\"x17\"',\n",
+ " 417: '20 Qty 8.5\" x 11\" Decorative Flat Paper Gift Bags - White Polka-Dot on Brown Kraft Bags - for Sales/Treats/Parties Cookies/Gifts - N\\'icePackaging',\n",
+ " 418: 'Swedin 20 Pcs Wedding Gift Bag for Guests, Thank You Bag for Wedding',\n",
+ " 419: 'Thank You Bags Shopping Bags, 50 Pack Extra Thick Bulk Merchandise Bags Plastic Boutique Bags for Small Business Plastic Retail Gift Bags with Loop Handle for Customers Parties Favors Goodies (Dot, M(12x14Inch))',\n",
+ " 420: 'T Shirt Bags, Silver Plastic Bags with Handles Bulk, Bolsas De Plastico Para Negocio, Grocery Bags Retail Shopping Bags Merchandise Bags for Supermarket Restaurant, 12x20inch (200pcs)',\n",
+ " 421: 'Kaderron 80 Pcs Kraft Paper Bags with Handles, Shopping Bags Bulk for Groceries - Small Medium Large Assorted Sizes - Brown Gift Bags Ideal for Party, Retail, Packaging, Boutique, Small Business',\n",
+ " 422: '50 Pack 8x4.75x10 inch Plain Medium Paper Bags with Handles Bulk, Bagmad Red Kraft Bags, Craft Gift Bags, Grocery Shopping Retail Bags, Birthday Party Favors Wedding Bags Sacks (Red 50Pcs)',\n",
+ " 423: 'Small Paper Bags 10.6x3.1x8.3\" BagDream Gift Bags 50Pcs Heavy Duty Kraft Brown Paper Bags with Soft Cloth Handles, Party Bags, Shopping Bags, Retail Bags, Merchandise Bags, Wedding Party Bags',\n",
+ " 424: '50 Pack 8x4.75x10 inch Plain Medium Paper Bags with Handles Bulk, Bagmad Brown Kraft Bags, Craft Gift Bags, Grocery Shopping Retail Bags, Birthday Party Favors Wedding Bags Sacks (Natural 50Pcs)',\n",
+ " 425: 'Glad ForceFlexPlus Drawstring Large Trash Bags - 30 Gallon, 50 Ct (Package May Vary)',\n",
+ " 426: 'GLAD ForceFlex Protection Series Tall Kitchen Trash Bags, 13 Gal, Unscented OdorShield, 90 Ct (Package May Vary)',\n",
+ " 427: 'Hefty Ultra Strong Tall Kitchen Trash Bags-Lavender Sweet Vanilla, 13 Gallon, 80 Count, 80 Count, White, 80 Count',\n",
+ " 428: 'Hefty Ultra Strong Tall Kitchen Trash Bags, Blackout, Clean Burst, 13 Gallon, 80 Count',\n",
+ " 429: 'Houseables Plastic Retail Bags, Merchandise Bag, 16”x18”, 100 Pack, 1.75 Mil Thick, Black & White, Die Cut Handles, Craft Fair Supplies, Store Shopping, Glossy, For Sales, Product, Treat, Gift, Clothes, Party, Favor, Boutique',\n",
+ " 430: '[150 Pack] 12 LB 13 x 7 x 4.5\" Heavy Duty Kraft Paper Bags Grocery Lunch Retail Shopping Durable Natural Brown Barrel Sack',\n",
+ " 431: 'Hippo Sak 30 Gallon Large Trash Bag with Handles 56 Bags (28 per Box - 2 Pack)',\n",
+ " 432: 'EcoQuality - 13x7x17 inches - 50pcs - Large Brown Kraft Paper Bags with Handles, Shopping, Gift Bags, Party, Merchandise, Lunch Bags, Grocery Bags',\n",
+ " 433: '50 Pack Sturdy Medium White Gift Paper Bags with Handles Bulk, Bagmad Kraft Bags 8x4.75x10 inch, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (White, 50pcs)',\n",
+ " 434: '50 Pack 5.25x3.25x8 inch Small Blue Gift Paper Bags with Handles Bulk, Bagmad Kraft Bags, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (Navy Blue, 50pcs)',\n",
+ " 435: 'Sturdy 5.25x3.25x8 inch 100 Pack Small Paper Bags with Handles Bulk, Bagmad Brown Kraft Bags, Gift Party Favors Grocery Retail Strong Shopping Craft Cub Sacks (Thicken, 100Pcs) (100)',\n",
+ " 436: 'BagDream Kraft Paper Bags 8x4.25x10& 10x5x13 Totally 100Pcs Paper Gift Bags with Handles Bulk, Kraft Bags, Shopping Bags, Craft Bags, Merchandise Bags, Recyclable Paper Bags 50 Per Size',\n",
+ " 437: '100 Pack Sturdy Medium White Kraft Paper Bags with Handles Bulk, bagmad Thicken Gift Bags 8x4.75x10 inch, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (White, 100pcs)',\n",
+ " 438: '50 Pack Sturdy Small White Gift Paper Bags with Handles Bulk, Bagmad Kraft Bags 5.25x3.25x8 inch, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (White, 50pcs)',\n",
+ " 439: '100 Pack Medium 8x4.75x10 inch Black Kraft Paper Bags with Handles Bulk, Bagmad Gift Bags, Craft Grocery Shopping Retail Party Favors Wedding Bags Sacks (Black, 100pcs)',\n",
+ " 440: 'Tomnk 32pcs Party Favor Bags 8 Colors Goodie Bags Rainbow Paper Gift Bags Bulk with Handles for Birthday Party, Candy ,Small Gift and Bridal Shower',\n",
+ " 441: '100 Pack 8x4.75x10 inch Plain Medium Paper Bags with Handles Bulk, Bagmad Brown Kraft Bags, Craft Gift Bags, Grocery Shopping Retail Bags, Birthday Party Favors Wedding Bags Sacks (Natural 100Pcs)',\n",
+ " 442: '100 Pack 5.25x3.25x8 inch Brown Small Paper Bags with Handles Bulk, bagmad Gift Paper Bags, Kraft Birthday Party Favors Grocery Retail Shopping Bag, Craft Bags Takeouts Business (Plain Natural 100pcs)',\n",
+ " 443: 'Sturdy 8x4.75x10 inch 50 Pack Medium Thick Paper Bags with Handles Bulk, bagmad Plain Brown Kraft Bags, Strong Craft Gift Grocery Shopping Retail Party Favors Wedding Bags Sacks (Thicken, 50pcs)',\n",
+ " 444: 'YKK Zipper Repair (not KIT) 1 x Pull for Jeep Wrangler #10 Coil Nylon top Zipper Long Pull Rear Window, Top, Side/Back TJ and JK Model viteao',\n",
+ " 445: 'Meikeer 252 Pieces Zipper Repair Kit Replacement Zipper, Zipper Pulls, Installation Tools for Bags Tents Luggage Sleeping Bag Jacket Outdoor',\n",
+ " 446: 'Zipper Repair Kit 255 Pcs Zipper Replacement Rescue Kit with Zipper Install Pliers Tool and Zipper Extension Pulls for Clothing Jackets Purses Luggage Backpacks Tents Sleeping Bag',\n",
+ " 447: 'PH PandaHall 4 Size 3 Color Metal Zipper Head Sliders Retainer Insertion Pin(12 Sets), 12 Pairs Zipper Top Stop Plug, 12pcs Zipper Bottom Stopper for Coats Jacket Zipper Repair Kit (Size 3/5/8/10)',\n",
+ " 448: 'YaHoGa 20 Sets #5 Small Metal Zipper Latch Slider Retainer Insertion Pin Zipper Bottom Zipper Stopper for 5mm Metal Zipper Repair (Black)',\n",
+ " 449: 'TUPARKA 211 Pcs Zipper Repair Kit Zipper Replacement with Zipper Install Plier for DIY Bags, Luggage, Backpacks, Silver and Black',\n",
+ " 450: '25PCS #3 Shiny Silver Pulls for Nylon Coil Zippers Metal Zipper Sliders for Jacket Luggage Purses Bags Bulk(Silver) Brass Slider for Zipper',\n",
+ " 451: 'YaHoGa #5 Colorful Teeth Rainbow Metallic Nylon Coil Zippers by The Yard Bulk 10 Yards with 25pcs Silver Sliders for DIY Sewing Tailor Craft Bags (White Tape)',\n",
+ " 452: 'Zipper Repair Kit Metal Head Sliders Retainer Insertion Pin(3 Colors 4 Sizes) 13 Sets Zipper Fix Top Stop Plug, Repair Down Zipper Bottom Stopper for Zipper Repair Replacement (Size 10/8/5/3)',\n",
+ " 453: 'YAKA 39 Piece Zipper Replacement Slider Repair Kits #3#5#8 Silver Black Zipper Rescue Kit Nylon Coil Zippers for Bags Jackets Clothing Tents Luggage Backpacks Purses',\n",
+ " 454: 'Black #10 Nylon Coil Zippers for Sewing (10 Yards, 10 Pieces)',\n",
+ " 455: 'PH PandaHall 12 Sets Metal Zipper Latch Slider Retainer 3 Color #3#5#8#10 Insertion Pin Zipper Bottom Zipper Stopper for Metal Zipper Repair Zip Sewing Replacement DIY',\n",
+ " 456: 'Zipper Pull 12 Pcs, Replacement Zipper Slider,Zipper Repair Kit #5, Fix Zipper Repair Kit for Repairing Coats,Jackets, Metal Plastic and Nylon Coil Zippers.',\n",
+ " 457: 'VOC #3 Nylon Coil Zipper Tape Long Zippers for Sewing Black Zippers by The Yard 5 Yard with 12PCS Slider&Tag-Zipper Roll for Tailor Crafts(Black Tape)',\n",
+ " 458: '120 Pieces Metal Zipper Head Slider, 4 Sizes Zipper Bottom Sliders Retainer Insertion Pin in 3 Colors, Zipper Stopper Repair Tool Kit for Coats Jacket DIY Sewing Replacement (Size of 3/5/8/10)',\n",
+ " 459: '24 Pieces Black Bronze and Silver Zipper Sliders Zipper Pull Replacement with Zipper Slider Repair Kits for Metal Plastic Nylon Coil Jacket Zippers Supplies',\n",
+ " 460: 'Meikeer 12 Pieces #5 Zipper Slider Repair Kits Black Bronze and Silver Zipper Sliders Zipper Pull Replacement for Metal Plastic and Nylon Coil Jacket Zippers',\n",
+ " 461: 'EuTengHao 183Pcs Zipper Repair Kit Zipper Replacement Zipper Pull Rescue Kit with Zipper Install Pliers Tool and Zipper Extension Pulls for Clothing Jackets Purses Luggage Backpacks (Sliver and Black)',\n",
+ " 462: 'White #3 Nylon Coil Zippers with 80 Replacement Sliders for Sewing (50 Yards)',\n",
+ " 463: 'YKK Zipper Pull Tab Sliders Boat Canvas #10 Vislon Double Metal Pull Tab Zipper Sliders, 2 Piece Set - Black',\n",
+ " 464: 'YaHoGa 143 PCS Zipper Repair Kit Zipper Replacement with Install Plier for Bags, Jackets, Tents, Backpacks, Sleeping Bag',\n",
+ " 465: 'YaHoGa 10 Pieces #5 Black Zipper Sliders Zipper Repair Zipper Replacement for Plastic Jacket Zippers',\n",
+ " 466: 'Zipper Rescue Zipper Repair Kits – The Original Zipper Repair Kit, Made in America Since 1993 (Moto)',\n",
+ " 467: 'Zipper Repair Kit - #5 Vislon Auto Lock Sliders - 3 Universal Sliders and Stops Included - Made in The United States',\n",
+ " 468: 'ZipperStop Wholesale Authorized Distributor YKK Zipper Rescue Jeep Slider ~ 10 Coil Long Pull with 2 Heads- Jeep Slider ~ Black (2 Sliders / Pack)',\n",
+ " 469: 'Zipper Repair Solution, YKK #10 Vislon Slider - Black (2 Sliders / Pack)',\n",
+ " 470: 'FixnZip Instant Zipper Replacement, Medium, Black Nickel',\n",
+ " 471: 'FixnZip 3 Pack Instant Zipper Replacement, Combo Pack (S,M,L), Black Nickel',\n",
+ " 472: 'YKK #3 Coil Non Lock Long Pull Sliders Black Made in USA - 25pcs a Pack- for Pouches, Handbags & Craft Projects',\n",
+ " 473: 'ZipperStop Distributor YKK -Zipper Repair Kit Solution YKK #3 Nylon Coil Chain Zipper Color Black - 10 Yards Nylon Coil Chain Pack Plus 25pcs YKK #3 Coil Non Lock Long Pull Slider Made in USA',\n",
+ " 474: 'YKK Bimini Top YKK #10 Slider 100% Plastic Color White',\n",
+ " 475: 'Zipper Repair Kit Solution - YKK #8 Molded Pulls Vislon Slider Made in USA - 3 Sliders Per Pack with Top and Bottom Stoppers Color Black.',\n",
+ " 476: 'YKK Zipper Repair Kit Solution 8 Sets Assorted 4 of #5, 2 of #7 and 2 of #10 Included Top & Bottom Stops Made in USA Antique Auto Lock Sliders, Black',\n",
+ " 477: '85 Pieces Zipper Replacement Zipper Repair Kit with Instruction Manual and Zipper Install Pliers Tool, Silver and Black',\n",
+ " 478: 'YaHoGa #5 Antique Brass Metallic Nylon Coil Zippers by The Yard Bulk Brown Tape 10 Yards with 20pcs Sliders for DIY Sewing Tailor Craft Bag (Anti-Brass Brown)',\n",
+ " 479: 'Universal Zipper Repair Kit Fix a Zipper Metal Zipper Fix any Broken Zipper in Seconds No Sewing Needed One Pack (3 PCS)',\n",
+ " 480: 'Aneco 171 Pieces Zipper Repair Kit Zipper Replacement Accessories Zipper Install Pliers Tool with Container Storage, Silver and Black',\n",
+ " 481: 'Zipperstop Zipper Repair Kit Solution #3 Coil YKK Brand Slider use in Sewing or Jewelry-Choice, Mix (30pc Brights and Neutrals)',\n",
+ " 482: 'Mudder 36 Pack Zipper Replacement Zipper Repair Kit, Silver',\n",
+ " 483: 'Zipper Repair Kit Solution YKK #3 Coil Non Lock Long Pull Slider Color White (Made in USA) - 25pcs a Pack',\n",
+ " 484: \"jiefeng 8 Bundles Pre stretched Braiding Hair Extensions for Women 26 Inches Yaki Texture Professional Crochet Twist Braids Hair Synthetic Hair for Braids (20'', black to red)\",\n",
+ " 485: 'SHUOHAN 8 Packs Pre-stretched 26 Inch Braiding Hair Extensions Yaki Texture Professional Crochet Braids Hair Hot Water Setting Synthetic Hair for Twist Braids',\n",
+ " 486: 'Pre Stretched Easy Braiding Hair 8Packs/Lot Braids Itch Free Hot Water Setting Synthetic Fiber Yaki Texture Black Crochet Braiding Hair Extension (26Inches Red Color)',\n",
+ " 487: '20 Inch 7 Packs Pre-stretched Braid Professional Braiding Hair Extension Ombre Natural Black Blond Hot Water Setting Perm Yaki Synthetic Hair for Twist Braids (20inch,7pack, T30)',\n",
+ " 488: 'Yisimei Easy Braiding Hair 20 Inches 6 Packs/Lot With Gifts T1B/Silver Professional Pre Stretched Braiding Hair Easy Braiding Crochet Hair Synthetic Hair Extensions (20” 6Packs/Lot, 1B/Silver)',\n",
+ " 489: 'Dansama 6 Packs Passion Twist Hair Water Wave Braiding Hair for Butterfly Style Crochet Braids Bohemian Hair Extensions (18inch (Pack of 6), #1B)',\n",
+ " 490: 'Ombre Braiding Hair Pre Stretched 26 Inch Brown Braiding Hair 8 Packs Easy Braids Hair Yaki Straight Hot Water Setting Synthetic Braiding Hair Extensions for Crochet Hair Braiding Twist(1B/30/27)',\n",
+ " 491: 'Jumbo Braiding Hair Extensions Kanekalon Braiding Hair Pre Stretched Afro 24 Inch Ombre Multiple Tone Colored Synthetic Hair For Box Twist Braids (black-purple-darkblue)',\n",
+ " 492: 'BETHANY Pre Stretched Braiding Hair Ombre Braids Hair for Hair Extensions 6 Packs 24 Inch Professional Yaki Texture Itch Free Synthetic Fiber Corchet Braiding Hair for Black Women(27/613)',\n",
+ " 493: \"36'' Ombre Pre Stretched Braiding Hair Yaki Texture Crochet Braid Hair Extensions Fashionable 3 or 4 Tones Kanekalon Braiding Hair Pre Stretched 0.27 LB/bundle (7 bunldes, 1b/30/27/613)…\",\n",
+ " 494: 'LMZIM 14 Inch Goddess Box Braids Crochet Hair Bohomian Crochet Box Braids Curly Ends 8 Pack 3X Crochet Braids Synthetic Braiding Hair Extension Black',\n",
+ " 495: 'Darling Thrive Braid Pre-stretched Braiding Hair Extensions (4 Packs), 100% Kanekalon Hair, 3X per Pack, 52 Inch, #1/27',\n",
+ " 496: 'Pre-stretched Braiding Hair Easy Braid Professional Itch Free Synthetic Fiber Corchet Braids Yaki Texture Hair Extensions 6 packs Braid Hair (26 inch, 1B/Purple/Pink)',\n",
+ " 497: '8 bundle /4 pack Pre Stretched Loose Wavy Braiding Hair 22 inch French Curles Crochet Braid Hair Synthetic Braiding Hair For Black Women Box Braids Hair (B29)',\n",
+ " 498: '22inch French Curl Braiding Hair Loose Wavy Braiding Hair (4packs 160g/pack)Wavy Synthetic Braiding Hair For Black Women French Curly Braids Hair Extensions',\n",
+ " 499: \"Ombre Pre stretched Braiding Hair, Long 4 tone Kanekalon Braid Hair Extensions, 8 packs Multi Color blending braiding hair, Twist Hair Braiding (36''-pack of 8, 1b3027613)\",\n",
+ " 500: '6 Packs 12 Inch AU-THEN-TIC Box Braid Crochet Hair Crochet Box Braids Hair Mambo Twist Braiding Pre Stretched Pre Looped Synthetic Heat Resistant Hair Extensions (12 Inch (Pack of 6), 4)',\n",
+ " 501: \"Pre-stretched Braiding Hair, Original Kanekalon Braid Hair Extensions, Hot Water Setting Crochet Hair Braids, Yaki Texture Easy Braiding Hair (24''-8 bundles, 1b)…\",\n",
+ " 502: 'Pre Stretched Braiding Hair 20 Inch Loose Wave Crochet Braids Hair 8 packs Big wavy curly Bouncy Braiding Hair Curly Synthetic Hair Extensions (75g/packs ,1B )',\n",
+ " 503: '24 Inch 6 Packs Ombre Blonde 27 613 Long Senegalese Twists Crochet Braid Hair Prelooped Small Micro Havana Natural looking bohemian Hairstyle for Black Women Can Be Curly Ends 30 Strands/Pack (6 Packs,27/613)',\n",
+ " 504: 'Forevery 8 Packs Pre Stretched Braiding Hair 24 Inch Pre Stretched Hair For Braiding Hair Itch Free Braiding Hair Yaki Braiding Straight Braiding Hair Kanekalon Braiding Hair 24”(8Packs- T4/27)',\n",
+ " 505: '26 inch Black Braiding Hair Pre Stretched Easy Braid Hair 8 Bundles for Box Braids Hair Soft Yaki Texture Synthetic Braiding Hair Not Itchy Hot Water Setting Braids Hair for Senegalese Twist Hair',\n",
+ " 506: 'Forevery Braiding Hair 24” Jumbo Box Braids Color Braiding Hair 5PCS Braiding Hair Brown Jumbo Braiding Kenakalon Hair Braid Hair (24\"-5pcs, Black-Dark Brown)',\n",
+ " 507: '3 Pack Spring Twist Ombre Colors Crochet Braids Synthetic Braiding Hair Extensions Low Temperature Fiber (1B)',\n",
+ " 508: 'Refined Products 26inch Ombre Pre-stretched Braiding Hair 6 packs Synthetic Kanekalon Easy Braid Yaki Texture Crochet Twist Braids Hair Extensions (Black/Brown/Light Brown)',\n",
+ " 509: '30 Inch Pre Stretched Braiding Hair Knotless Braids 8 Packs Natural Color Super Long Itch Free Hot Water Setting Synthetic Fiber Crochet Braiding Hair Extension (30\", 1B#)',\n",
+ " 510: 'Ombre Braiding Hair Kanekalon Synthetic Braiding Hair Extensions (Black-Brown-Blonde) 5pcs/lot 24inch Jumbo Braiding Hair',\n",
+ " 511: \"Ombre Pre Stretched Braiding Hair, Top Silky Color Blend Braid Hair Extensions, 100% Kanekalon Synthetic Crochet Hair Braids, Yaki Texture Hair Braiding 0.21LB/bundle (28''-8 bundles, 1b-30-27)…\",\n",
+ " 512: 'Pre-Stretched Braiding Hair 24 Inch Easy Braid Professional 8 Packs Natural Black Itch Free Synthetic Fiber Corchet Braids Hot Water Setting Professional Soft Yaki Texture(24INCH, 4#)',\n",
+ " 513: 'Jumbo Braiding Hair 5 Packs Jumbo Box Braid Crochet Hair Extension Synthetic Crochet Braids Hair Twist Braiding Hair (Black-Dark Purle, 24 Inch)',\n",
+ " 514: '26\"-8 Packs Braiding Hair Pre Stretched Hair for Braiding Professional Kanekalon Synthetic Hair Hot Water Setting Yaki Texture Premium Fiber Crochet Synthetic Braiding Hair',\n",
+ " 515: '26Inch EZ-Braids Professionasl Pre Streched Braiding Hair Hot Water Setting Synthetic Fiber Easy Braids Hair Black Color Crochet Braids Hair Extensions 6Packs/Lot (1B#)',\n",
+ " 516: \"DAN NING 24 '' Pre-stretched Braiding Hair Original Kanekalon Braid Hair Extensions Yaki Texture Crochet Twist Hair Braids without Irritation 7 bundles (1b#)\",\n",
+ " 517: 'Pre-stretched Braids Hair Professional Itch Free Hot Water Setting Synthetic Fiber Ombre Yaki Texture Braid Hair Extensions 26 Inch 8 Packs Beyond Beauty Braiding Hair 1B-30-27',\n",
+ " 518: '8 Packs Pre Stretched Braiding Hair 3 Tone Ombre Braiding Hair for Braids Twist 26 Inch Itch Free Hot Water Setting Yaki Texture Synthetic Hair Extension(T1B/30/27#)…',\n",
+ " 519: '8 Packs Off Black Pre-stretched Braiding Hair Easy Braid Professional Itch Free Synthetic Fiber Corchet Braids Yaki Texture Hair Extensions Hot Water Setting EZ Braid Hair(26 Inch, 1B#)',\n",
+ " 520: 'EZ Braids Professional Pre Stretched Braiding Hair 8 Packs Synthetic Premium Fiber Crochet Braids Yaki Texture Hair Extensions(20Inch,1B#)',\n",
+ " 521: 'Pre Stretched Braiding Hair 8 Pack 1B Expression Braiding Hair Pre Stretched Easy Braid Itch Free Synthetic Box Braids Hair Hot Water Low Tempreture Setting for Women Braiding Jumbo Easy Hair 26 Inch',\n",
+ " 522: \"Ombre Pre Stretched Braiding Hair, 28''-6 packs Ombre Yaki texture Braid Hair Extensions, 100% Quality Kanekalon Synthetic Colorful Hair Braids (pack of 6, 1b-30-27)\",\n",
+ " 523: '#3 Nylon Coil Zippers by The Yard Long Zippers for Sewing,Silver Zipper Teeth 10 Yard with 20PCS White Tape White Gold Slider-VOC Zipper for Tailor Crafts(White Tape)',\n",
+ " 524: 'Coil Zippers with Replacement Sliders for Sewing (Black, 50 Yards, 80 Pieces)',\n",
+ " 525: 'Antner 6 Pack Zippered Binder Pockets Letter Size 3 Holes Binder Pouches, Multicolor Zippers Folders Loose Leaf Document Filing Bags for 3 Ring Binders',\n",
+ " 526: 'Nylon Coil Zippers #5- Long Zippers by The Yard Gunmetal Metallic Teeth- Sewing Zipper Bluk Black Tape with 20PCS Slider-VOC DIY Zipper for Tailor Sewing Crafts 10 Yards(Black Tape)',\n",
+ " 527: 'YAKA 60 Pack of 5 Inches Mix Nylon Coil Zippers Bulk - Supplies Zippers for Tailor Sewing Crafts (20 Color)',\n",
+ " 528: 'B.Y Elements #5 Silver Metallic Nylon Coil Zippers by The Yard Bulk 10 Yards with 25pcs Sliders for DIY Sewing Tailor Craft Bag (Bright Silver)',\n",
+ " 529: '#5 Nylon Coil Zippers for Sewing, 30 Colors (24 Inches, 60 Pieces)',\n",
+ " 530: 'Zipper Gap Buckle compatible with Neverfull Pochette Little Pouch Chain Strap Connective Buckle (Gold)',\n",
+ " 531: 'FlexiSnake Drain Weasel Sink Snake Cleaner - 18 inch - Drain Hair Clog Remover Tool with Rotating Handle & 3 Wand Refills - Thin, Flexible, Easy to Use on Most Drains & Grates - Made in USA - (3-Pack)',\n",
+ " 532: '36\" Nylon Coil Black Zipper 36 inch Separaing Zipper Black 36 inch Sewing Zipper Crafts Zipper',\n",
+ " 533: '#5 Nylon Coil Sewing Zippers by The Yard Bulk 10 Yards White and Black Colors with 20pcs Matched Sliders for DIY Tailor Sewing Craft,Luggage,Dress,Sofa Cushion, Pillow, Bag Leekayer(White and Black)',\n",
+ " 534: 'CYS #5 Zipper by The Yard,Metallic Nylon Coil Black Zipper Tape-5 Yards with 10pcs Silver Sliders for DIY Sewing Tailor Craft Bags Purse(Rainbow Teeth)',\n",
+ " 535: 'MebuZip #5 Gunmetal Metallic Nylon Coil Zippers by The Yard Bulk Coil Zipper Roll 10 Yards with 25pcs Pulls for DIY Sewing Craft Bags (Beige)',\n",
+ " 536: '#3 YKK Nylon Coil Continuous Zipper Chain by The Yard Make-A-Zipper 5 Yards with 20 Automatic Lock Zipper Pulls Same Color for DIY Sewing Crafts or Bags (Orange #523)',\n",
+ " 537: 'SBest Nylon Zippers #5 10 Yards Sewing Zippers Bulk DIY Zipper by The Yard Bulk with 20PCS Slider-Long Zippers for Tailor Sewing Crafts Bag (Gunmetal Teeth Black Tape)',\n",
+ " 538: 'YaHoGa #5 White Nylon Coil Zippers by The Yard Bulk 10 Yards with 25pcs Sliders for DIY Sewing Tailor Crafts Bags (#5 White)',\n",
+ " 539: '#5 Antique Brass Metallic Nylon Coil Zippers by The Yard Bulk 10 Yards Black Tape with 25pcs Brass Sliders for DIY Sewing Tailor Craft Bag Leekayer(Black)',\n",
+ " 540: 'Zipper Rescue Zipper Repair Kits – The Original Zipper Repair Kit, Made in America Since 1993 (Clothing)',\n",
+ " 541: '15 Yards~ YKK Zipper Chain~ 4.5 Coil Chain~Made in The USA~ Black Plus 30 YKK Long Pull Sliders- For Handbags & Craft Projects',\n",
+ " 542: 'Zipper Rescue Zipper Repair Kits – The Original Zipper Repair Kit, Made in America Since 1993 (Outdoor)',\n",
+ " 543: 'ZipperStop Wholesale Authorized Distributor YKK 36\" Light Weight Jacket Zipper ~ YKK #5 Nylon Coil Separating Zippers - White (Pack of 1 Zipper)',\n",
+ " 544: '5\" YKK 12 Black Zippers- for Apparel,Dolls, Crafts and Sewing Projects- Made in USA',\n",
+ " 545: 'Zipper Repair Kit Solution YKK 8 Sets Auto Lock Sliders Assorted 2 of #5, 2 of #7 , 2 of #8 and 2 of #10 Included Top & Bottom Stops - Made in USA (YKK Brass Auto Lock Sliders)',\n",
+ " 546: 'EuTengHao 169Pcs Zipper Repair Kit Zipper Replacement Zipper Pull Rescue Kit with Zipper Install Pliers Tool and Zipper Extension Pulls for Clothing Jackets Purses Luggage Backpacks (Sliver and Black)',\n",
+ " 547: 'Sportneer Bicycle Chain Lock, 5-Digit Resettable Combination Anti-Theft Bike Locks',\n",
+ " 548: 'YaHoGa #5 Silver Metallic Nylon Coil Zippers by The Yard Bulk Black 10 Yards with 25pcs Sliders for DIY Sewing Tailor Craft Bags (Silver Black)',\n",
+ " 549: 'Nuburi - Zipper by The Yard - 5 Yards of Make Your Own Zipper - 20 Zipper Pulls (Black)',\n",
+ " 550: 'Size 5 Nylon Coil Zippers with 50 Zipper Sliders (White, 1.2 In x 50 Yards)',\n",
+ " 551: 'YKK #10 Zipper Coil Chain with 2 Sliders per Yard. Many Colors. Sold in 5-Yard Lots. Please See Our Other Listing for Size 5 & Size 8 (5 Yards & 10 Black Sliders, Black)',\n",
+ " 552: 'OTOHANS AUTOMOTIVE Recoil-Starter-Pull-Start Assembly for Honda-GX120 GX160 GX200 Engine 4HP 5.5HP 6.5 HP (Steel Rod Paws) 28400-ZH8-013YA Generator Mower',\n",
+ " 553: 'Kizut GCV160 Recoil Starter for GC160 GC135 GCV135 EN2000 Generator 28400-ZL8-023ZA 28400-ZL8-013ZA Pull Start Assembly w Screw for 4 Through 5.5HP Horizontal Vertical Engine',\n",
+ " 554: 'XS Recoil Pull Starter Assembly for Briggs & Stratton 591139 590588 593961 08P502 093J02 Fits 500E 450E 550E 575E Engines',\n",
+ " 555: 'Kuupo Recoil Pull Starter Rope 10-Meter (Diameter: 5.0mm) Pull Cord for Stihl Sears Craftsman Poulan Lawn Mower Chainsaw Trimmer Brush Cutter Replacment Parts',\n",
+ " 556: 'Affordable Parts New Recoil Starter Rope 8-Meter (Diameter: 5.0mm) Pull Cord for Husqvarna STIHL Sears Craftsman Poulan Briggs Stratton Lawn Mower Chainsaw Trimmer Edger Brush Cutter Engine Parts',\n",
+ " 557: 'Hilom Rewind Recoil Starter for BS 497680 498144 Toro Lawnboy MTD Snapper Lawnmower Oregon 31-068 Rotary 12368',\n",
+ " 558: 'Yaciw 4mm Diameter Stihl Recoil Starter Rope (6 Feet) and Starter Handle Pull Cord 2 Piece Bundle',\n",
+ " 559: 'PRO BAT 4.5mm Recoil Starter Rope 10-Meter Pull Cord Rope for Lawn Mower Chainsaw Trimmer Edger Brush Cutter Engine Parts (4.5mm 10m)',\n",
+ " 560: 'Podoy Recoil Handle Pull Starter for Compatible with GX160 GX200 GX240 GX270 GX340 GX390 Lawnmower',\n",
+ " 561: 'Hipa Recoil Starter Rope 10-Meter (Diameter: 5.0mm) Pull Cord for Husqvarna STHIL Sears Craftsman Poulan Lawn Mower Chainsaw Trimmer Edger Brush Cutter Engine Parts',\n",
+ " 562: 'Hipa Recoil Starter Rope 10-Meter 3.0mm Pull Cord Replacement for Chainsaw Lawn Mower Chainsaw Trimmer Brush Cutter',\n",
+ " 563: 'Stens 146-919 Starter Rope, 100ft, 5 Solid Braid',\n",
+ " 564: 'New Stens Trueblue 100\\' Starter Rope 146-915 Compatible with Size 4 1/2, Diameter 9/64\", Length 100\\', Made ByAn OEM Supplier, Packaging typeBranded Spool, High wear Resistant, Low Stretch',\n",
+ " 565: \"Stens New 100' Diamond Braid Starter Rope 145-612#5 Diamond, White\",\n",
+ " 566: 'Briggs & Stratton Starter Rope & Grip 5042K',\n",
+ " 567: 'HIFROM Recoil Starter Pull Start Replacement for Tecumseh 590704 590736 590746 590748 590748A 590671 590788 5.5HP to 10HP Engine',\n",
+ " 568: 'Zipper by The Yard - Ykk #4.5 Nylon Coil Zippers Chain Black 5-Yards of Make Your Own Zipper and 10 Multicolored Pulls in Soft Vinyl',\n",
+ " 569: 'Spartan Industrial - 1.5” X 1.5” (1000 Count) 2 Mil Clear Reclosable Zip Plastic Poly Bags with Resealable Lock Seal Zipper',\n",
+ " 570: '#5 Gray Nylon Coil Zippers by The Yard Bulk 10 Yards with 25pcs Silver Sliders for DIY Sewing Tailor Craft Bag Leekayer(Gray)',\n",
+ " 571: 'MebuZip #5 Antique Brass Metallic Nylon Coil Zippers by The Yard Bulk Coil Zipper Roll 10 Yards with 25pcs Pulls for DIY Sewing Craft Bags (Beige)',\n",
+ " 572: 'Metallic Zipper by The Yard Bulk 10 Yard Black Zipper Roll for Sewing, Upholstery with 25 Gun Metal Sliders, 5 Nylon Coil; by Mandala Crafts',\n",
+ " 573: 'Stosts Rainbow Nylon Coil Zipper by The Yard, 5 Yards Colorful Teeth Black Zipper Tape with 10 Pieces #5 Metallic Slider Pull Tab, Sewing Zipper Bulk Supplies for DIY Tailor Craft Bag Purse',\n",
+ " 574: 'Goyunwell Nylon Black Zippers by The Yard #5 10 Yards Nylon Black Long Zipper Tape for Sewing 20Pcs Gunmetal Pulls Slider Zipper by The Yard Black Zipper Roll for Craft Bag Purse Sewing Black Tape',\n",
+ " 575: 'VOC Zippers #5 Zippers for Sewing,Rainbow Teeth Nylon Zipper by The Yard Black Zipper Tape with 10PCS Pulls for Tailor Sewing Crafts 5 Yards(Black Tape)',\n",
+ " 576: '#5 Nylon Coil Zippers by The Yards Black Nickel Metallic Teeth Black Tape with 25 PCS Zipper Sliders DIY Zippers for Sewing Tailor Craft Bag(Black Nickel Black) SHUNLI',\n",
+ " 577: 'Resealable Bags 3.5\"×4.5\", 200PCS, Extra Thick 4 Mil Clear Plastic Reclosable Ziplock Bags with Lock Seal Zipper for Jewelry Sandwich Dry Food Snack Incense Storage Packaging Poly Bags',\n",
+ " 578: 'B.Y Elements #5 Zippers by The Yard, Rainbow Teeth Nylon Coil Long Zipper, 10 Yards Coloured Tape with 10PCS Metallic Sliders for DIY Sewing Tailor Craft Bags(Coloured Tape)',\n",
+ " 579: '#5 Nylon Coil Zippers for Sewing, 30 Colors (18 Inches, 60 Pieces)',\n",
+ " 580: 'Sew on Hook and Loop Style 2 Inch Non-Adhesive Back Nylon Strips Fabric Fastener Non-Adhesive Interlocking Tape Black,5 Yard',\n",
+ " 581: 'Nuburi - Zipper by The Yard - 10 Yards of Make Your Own Zipper - with Zipper Pulls (Black)',\n",
+ " 582: 'VELCRO Brand Heavy Duty Tape with Adhesive | 15 Ft x 2 In | Holds 10 lbs, Black | Industrial Strength Roll, Cut Strips to Length | Strong Hold for Indoor or Outdoor Use',\n",
+ " 583: 'Gleener Ultimate Fuzz Remover Fabric Shaver & Lint Brush | Adjustable Depiller for Clothes & Furniture (Slate Blue)',\n",
+ " 584: 'EZ Melts Zinc for Immune Support, 30 mg, Sublingual Vitamins, Vegan, Zero Sugar, Natural Blueberry Flavor, 60 Fast Dissolve Tablets',\n",
+ " 585: 'VIVOSUN Two Packs Heavy Duty Peel & Stick Zipper for Dust Barriers 7ft x 3inch',\n",
+ " 586: 'YKK #5 CN Zipper Coil Chain. Each Yard Comes with 2 Sliders. (Black, 5 Yards, 10 Black Sliders)',\n",
+ " 587: 'YKK Double Slide Zipper YKK #4.5 Coil with Two Long Pull Head to Head Closed Ended on Both Sides Made in USA (30 Inch, Mixed 8 Colors)',\n",
+ " 588: 'VIVOSUN One Pack Heavy Duty Peel & Stick Zipper for Dust Barriers 7ft x 3inch',\n",
+ " 589: 'YaHoGa #10 72 Inch Separating Large Plastic Zippers Black Tape with Double Pull Tab Slider Heavy Duty Zippers for Sewing, Sleeping Bag, Boat, Canvas, Cover, Trampoline, Dog Bed, Tent (72\" 1pc)',\n",
+ " 590: 'Disney Pixar The Incredibles Plush Stuffed Jack Jack Pillow Buddy - Kids Super Soft Polyester Microfiber, 15 inch (Official Disney Pixar Product)',\n",
+ " 591: 'Frienda 50 Pieces Nylon Coil Zippers for Tailor Sewing Crafts 25 Colors Nylon Zippers (20 Inch)',\n",
+ " 592: 'Wowfit 200 Count 5x7 inches Clear Cellophane Plastic Bags, Resealable Self-Sealing Cello Bags Good for Cookies, Decorative Wrappers, Party Favors, Candy and More',\n",
+ " 593: 'YaHoGa #5 Plastic Zipper by The Yard Bulk Black 5 Yards with 10pcs Ring Sliders for DIY Sewing Tailor Crafts Bags Tents (Black 5 Yards)',\n",
+ " 594: 'YaHoGa #5 Silver Metallic Nylon Coil Zippers by The Yard Bulk White 10 Yards with 25pcs Sliders for DIY Sewing Tailor Craft Bag (Silver White)',\n",
+ " 595: 'Clouser Minnow Fishing Flies - Yellow & Brown - Mustad Signature Duratin Fly Hooks - 6 Pack (Assortment)',\n",
+ " 596: 'Fishing Hook Covers Hook Bonnets Treble Hook Guards - One Size Fits Most, Tangles Free, EVA Material Fishing Hook Caps Protect Your Sharp Hooks and Long Using',\n",
+ " 597: 'THKFISH 50pcs/Box Inline Single Hook Large Eye with Barbed Replacement Fishing Hook for Spoon Lures Baits Jigs Spinner #2#1 1/0 2/0 3/0 Black',\n",
+ " 598: '30Pcs/Box Drop Shot Hooks in-line Drop Shot Rig Fishing Hooks for Bass,Perch',\n",
+ " 599: 'Barb Fly Fishing Hooks- 150pcs Long Shank Fly Tying Jig Hook High Carbon Steel Super Sharp Barbed Hook Tips Round Bend Streamer Hook (2#, White',\n",
+ " 600: '150PCS Premium Fishing Hooks, Multi -Size Fishhooks Fit for Different Fishing Needs, Carbon Steel Fishhooks W/Portable Plastic Box, Strong Sharp Fish Hook with Barbs for Fresh/Saltwater',\n",
+ " 601: 'Double Fishing Hooks Frog Hooks, 50pcs High Carbon Steel Dual Frog Hooks Classic Open Shank Double Frog Hooks Barb Fishing Bait Hooks Saltwater Freshwater Size 8#-4/0',\n",
+ " 602: 'BiaoGan 500PCS Small Fishing Hooks, Assorted 10 Sizes(3#-12#) Fish Hooks Portable Plastic Box, Strong Sharp Fishhook with Barbs for Freshwater/Seawater (Black)',\n",
+ " 603: 'Fly Tying Fishing Hooks Set - 500pcs Barbed Streamer Hooks High Carbon Steel Aberdeen Hooks Long Shank Jig Nymph Hook Dry Fly Hooks Fishing Tackle Box',\n",
+ " 604: '150PCS Premium Fishhooks, Carbon Steel Fishing Hooks , Strong Sharp Fish Hook with Barbs for Freshwater/Seawater',\n",
+ " 605: 'Rodeel Wire Leader Hook Rigs Single Hook - 2x6pcs Nylon Coated Fishing Wire Leader Fishing Lure Rig for Saltwater Freshwater Size:6/0',\n",
+ " 606: '60PCS/Box DERKERL Circle Fishing Hooks, Duplex Stainless Steel Forged Long Shank Hook Extra Strong Fish Hook Extra Strong Stainless Steel Fishing Hooks 6 Sizes: 4/0 5/0 6/0 7/0 8/0 9/0#',\n",
+ " 607: 'Beoccudo Baitholder Fishing Hooks, Saltwater Freshwater Long Shank Jig Barbed Hook for Bass Walleye Flounder',\n",
+ " 608: 'Facikono Fishing Worm Hooks for Freshwater Saltwater Bass Trout, 125pcs Wide Gap Soft Plastic Bait Jig Fish Hooks',\n",
+ " 609: 'Black Anchor Circle and J Hooks 160pcs/box Saltwater Fishing Gear 3X Strong Hooks Size 1/0 2/0 3/0 4/0 5/0',\n",
+ " 610: 'Catfish Hooks Big River Bait Hook Size 6/0,50PCS High Carbon Steel Fishing Hooks Saltwater Black Nicke Heavy dutyl',\n",
+ " 611: '200PCS High Carbon Steel Barb Fishing Hook, 10 Sizes (3#-12#) Strong Custom Offset Sport Black High Carbon Steel Barb Fishing Hook',\n",
+ " 612: 'Baitholder Beak Hook Wire Leader Rig - 24pcs Bottom Fishing Rig Nylon Coated Wire Leaders Rig with Baitholder Barb Hooks Rolling Swivel Fishing Lure Bait Rig Saltwater Freshwater Fishing',\n",
+ " 613: 'VIPMOON 500 Pcs High-Carbon Steel Barbed Fishing Hooks with Holes, 10 Specifications of Fishing Hooks, Portable Boxed Fish Hooks (Gold)',\n",
+ " 614: 'LikeFish 100pcs/pack Bait Holder Hooks 2 Barbs Fishing Hooks (1/0-100pcs)',\n",
+ " 615: 'Fishing Wire Leader Hook Rigs - 24pcs BaitHolder Fishing Hooks Stainless Steel Fishing Wire Leader with Swivel Hook Fishing Lure Bait Rigs Saltwater (2/0)',\n",
+ " 616: 'JL Sport Classic Sharp Durable Double Hooks - 20pcs High Carbon Steel Saltwater Hook Small Fly Tying Fishing Hooks',\n",
+ " 617: 'Eagle Claw 139H-8 Assorted Baitholder Snelled Fish Hook, 6 Piece (Bronze)',\n",
+ " 618: '90° Double Round Bend ST Point',\n",
+ " 619: 'Water Gremlin Removable Split Shot Pro Pack, 48ea/BB, 36ea/3/0, 16ea/7, 12ea/5, 12ea/4, Multi',\n",
+ " 620: 'Fishing Hooks Saltwater Live Bait Hooks 2X Strong Stainless Steel Fishing Hook Bait Fish Hooks Set',\n",
+ " 621: 'Circle Hooks Saltwater Fishing Hooks, 150PCS Fishing Circle Hooks 2X Strong Offset Octopus Catfish Fishing Hooks Assortment High Carbon Steel Bait Fishing Hooks Kit – Size #1 1/0 2/0 3/0 4/0 5/0',\n",
+ " 622: 'Mimilure Stainless Steel Fish Lip Grip and Fishing Pliers with Lanyard Fish Tool Sets for One-Hand Operated Fish Holder/Split Ring/Braid Cutter/Hook Remover',\n",
+ " 623: 'Octopus Fishing Hooks, 50pcs Barbed Bait Holder Fishing Hooks Jig Hook Offset Circle Octopus Hooks Baitholder Hook for Freshwater Saltwater Extra Sharp High Carbon Steel Hook Size: 3/0',\n",
+ " 624: 'Small Fishing Hooks 500pcs Black High Carbon Fishing Hooks Set 10 Sizes with a Plastic Box (500pcs)',\n",
+ " 625: 'Sougayilang Fishing Hooks High Carbon Steel Worm Soft Bait Jig Fish Hooks with Plastic Box',\n",
+ " 626: 'QualyQualy 500pcs Fishing Hooks 6#-15# Assorted Fishing Hooks Freshwater Small Fish Hooks High Strength Carbon Steel Fishing Hooks with Plastic Box',\n",
+ " 627: 'Jig Fish Hooks Octopus Barb Fishing Hooks Beak Bait Holder Hook with 2 Baitholder Barbs 120pcs/lot 8299',\n",
+ " 628: 'HETH 2000pcs Fishing Worm Hooks High Carbon Steel Wide Gap Offset Fishing Hook Set for Saltwater and Freshwater with 10 Sizes',\n",
+ " 629: 'FCFKUK 200pcs/box Large Size Premium Fishhooks, 8 Sizes Strong Custom Offset Sport Black High Carbon Steel Barbs Fishing Hooks',\n",
+ " 630: 'Dr.Fish Pack of 30 6/0 Octopus Circle Hooks Catfish Live Bait Fishing Hooks Offset Stainless Saltwater Competition Fishing Surf Fishing Hook',\n",
+ " 631: '500PCS Premium Fishhooks, 10 Sizes Reemoo Carbon Steel Fishing Hooks W/ Portable Plastic Box, Strong Sharp Fish Hook with Barbs for Freshwater/Seawater',\n",
+ " 632: 'Beoccudo Circle Fishing Hooks Saltwater Fishing Gear, 180pcs/box Bass Catfish Fishing, Octopus Offset Hooks Set, Size 1/0 2/0 3/0 4/0 5/0 6/0',\n",
+ " 633: 'Bass Fishing Worm Hooks Set, 120pcs 3X Offset Fishing Hooks Bass High Carbon Steel Worm Bait Hooks Jig Fish Hooks for Bass Trout Saltwater Freshwater Fishing Tackle Accessories',\n",
+ " 634: 'BASSDASH 180 Pieces Aberdeen Fishing Hooks Assortment, Light Bronze Color, Hook Sizes 2/0, 1/0, 2, 4, 6, 8, Tackle Box',\n",
+ " 635: 'Personali-Key Ilco Gears Shape Kwikset KW Key Blank',\n",
+ " 636: 'XYark 12 Pack Blank Notebook Journals Bulk, Plain, 60 Pages, 5.5x8.3 inch, A5, Travel Journal Set for Travelers, Students, Church, Office, Drawing Sketchbook Diary Paper Subject Book Planner, Black',\n",
+ " 637: 'Ilco Taylor SC4-BR Key Blank, for SCH C 6 PIN (50-Pack)',\n",
+ " 638: '10 pc AM3 Key Blanks/for American Lock / AM3 1045 Key Blank/Ilco USA',\n",
+ " 639: 'WILSHIN RFID 125KHz Card Reader Writer - Readable 125khz EM4100 Chip card Compatible with Proximity II Card Including Key-fob 5pcs 3M Sticker 2pcs Blank Card 5pcs',\n",
+ " 640: 'Prime-Line MP66750 SC1 Key Blank, Brass Construction, for 5-Pin Schlage C Keyways, Pack of 50',\n",
+ " 641: 'RamPro Hide-a-Spare-Key Fake Rock - Looks & Feels like Real Stone - Safe for Outdoor Garden or Yard, Geocaching (1)',\n",
+ " 642: 'Hand Stamp 1/16 Char Reads',\n",
+ " 643: 'Ilco DND-SC4 6 Pin C Keyway \"Do Not Duplicate\" Key Blanks Box of 50',\n",
+ " 644: 'Salome Idea Mixed Set of 30 Large Skeleton Keys in Antique Silver - Set of 30 Keys (Silver Color)',\n",
+ " 645: 'Kaba Ilco DND-SC1 SC1 Schlage DND Key Blank (Pack of 50)',\n",
+ " 646: 'Uniden Bearcat BC125AT Handheld Scanner, 500-Alpha-Tagged Channels, Close Call Technology, PC Programable, Aviation, Marine, Railroad, NASCAR, Racing, and Non-Digital Police/Fire/Public Safety.',\n",
+ " 647: 'Kwikset 83382-002 40083 Brass Key Blank',\n",
+ " 648: 'NBA San Antonio Spurs Lanyard',\n",
+ " 649: 'Custom Self-Inking Stamp - Up to 3 Lines - 11 Color Choices and 17 Font Choices',\n",
+ " 650: 'PH PandaHall 1000 Pcs 0.9x0.5 Inch Rectangle White Paper Tags Marking Strung Tags Writable Tags Display Label Price Tags with Hanging String for Jewelry Gift Sale Display',\n",
+ " 651: 'Price Tags with Strings Attached, 1000pcs Marking White Merchandise Hang Tags Labels for Goods Gifts Jewelry Clothing Garage Clearance Sale Yard Rummage Sale Supplies 1-3/8 x 2-1/8 (1.37x2.16) inch',\n",
+ " 652: '100 Pcs Square Gift Tags with String,Blank White Paper Tags with 100 Feet Jute Twine for Wedding Favor,Christmas',\n",
+ " 653: 'White Paper Tags, Jewelry Price Tags with string (3/8\" x 7/8\")',\n",
+ " 654: 'YEJI 100 pcs Kraft Paper Tags, Gift Tags with String Price Tags Jewelry',\n",
+ " 655: 'Price Tags with String Attached, 1000pcs White Smooth Surface Marking Merchandise Strung Tags Writable Label Hang Tags for Pricing Gift Jewelry Clothing Yard Sale Garage Supplies 1.75 x 1.093 inch',\n",
+ " 656: 'Price Tags with String Attached, 500pcs White Smooth Surface Marking Merchandise Strung Tag Writable Label Small Hang Tag for Pricing Gift Jewelry Clothing Yard Sale Garage Supplies 1.375 x 0.875 inch',\n",
+ " 657: '1000 Pieces White Tags with String Marking Strung Tags, Writable Tags Display Label for Products Jewelry Clothing Tags, 0.9 x 0.51 inches',\n",
+ " 658: 'Price Tags with String Attached, 1000pcs White Matte Surface Marking Merchandise Strung Tags Writable Label Small Hang Tag for Pricing Gift Jewelry Clothing Yard Sale Garage Supplies 1.75 x 1.093 inch',\n",
+ " 659: '500PCS Small Price Tags with String,1.8\" X 1\" Clothes Size Tags Coupon Tags Making Tag White Store Tags Clothing Tags for Product Jewelry Clothing Tags (White)',\n",
+ " 660: 'Officepal 300pcs 4.72 inches x 2.36 inches String Blank Kraft Paper Tags and Ropes to Label Your Items, Gift, Presents (4.72”x2.36”)',\n",
+ " 661: 'Price Tags, Kraft Paper Gift Tags 100 PCS Paper Tags with 100 Feet Jute String for Arts and Crafts, Wedding Christmas Day Thanksgiving,7 cm X 4 cm',\n",
+ " 662: 'GILLRAJ Price Tags with Strings Attached Pack of 1000 1.93\"x 1.25\" (49mm x 32mm) White Blank Writable Price Name Labels for Gift Jewelry Clothing Small Paper Hang Tags',\n",
+ " 663: '500Pcs Price Tags with String Attached by Divine Light, 0.91 x 0.55 inches Premium Writable Jewelry Tags, Paper Sale Tags with String Pricing Tags - for Anything You Need to Identify or Price',\n",
+ " 664: 'White Marking Tags Price Tags Price Labels Display Tags with Hanging String, 500 Pack (24 x 15 mm)',\n",
+ " 665: '300 Pieces Marking Tags Kraft Price Tags Writable Blank Price Labels Display Tags with Elastic Hanging String(1.38 x 0.71 Inch)',\n",
+ " 666: '500 Pack Jewelry Tags with String by Ummeral, Premium Writable Sales Tags White Marking Tags for Jewelry Small Items, Sale Price Tags Display Labels - 1.37 x 0.86 Inches',\n",
+ " 667: 'GILLRAJ Shipping Tags with Strings Attached 4 3/4 x 2 3/8 inches Strung Manila Paper Hanging Tags with Reinforced Eyelet Hole (Box of 100)',\n",
+ " 668: 'Red Price Tags 300pcs, Tag with Strings Attached Matte Surface Marking Merchandise Hang Tag Labels for Christmas Gift Jewelry Clothing Garage Clearance Sale Yard Rummage Sale Supplies 1.69 x 2.75 inch',\n",
+ " 669: 'Outus 500 Pieces White Tags with String Marking Strung Tags by 34.8cm Large Size Writable Tags Display Label for Products Jewelry Clothing Tags',\n",
+ " 670: 'KC Store Fixtures 08904 Perforated Merchandise Tags without Strings, 1-3/4\" x 2-7/8\", Red (Pack of 1000)',\n",
+ " 671: 'Kraft Tags,100 PCS White Kraft Paper Tag with 100 Feet Jute Twine String, Rectangle Tags 3.5\" x 1.7\"',\n",
+ " 672: 'Thank You Tags,Gift Wrap Tags,100 Pcs Kraft Paper Tags with String, Vintage Wedding Favor Tags with 100 Feet Jute Twine',\n",
+ " 673: 'AVERY White Marking Tags Strung, Pack of 1000 (12204),,1 3/4 x 1 3/32',\n",
+ " 674: 'Avery 12201 Medium-Weight White Marking Tags, 2 3/4 x 1 11/16 (Box of 1000) - Packaging May Vary',\n",
+ " 675: 'Avery Price Tags with String Attached, 11.5 pt. Stock, 3-3/4\" x 1-7/8\", 1,000 Manila Hang Tags (12503)',\n",
+ " 676: 'Avery Price Tags with String Attached, 11.5 pt. Stock, 4-3/4\" x 2-3/8\", 1,000 Manila Hang Tags (12505)',\n",
+ " 677: '7 100 Pcs White Hang Tag Nylon String Snap Lock Pin Loop Fastener Hook Ties',\n",
+ " 678: 'Avery Textured White Scallop Round Paper Tags, 2-1/2-Inch Without Strings, Laser/Inkjet, Print-to-The-Edge, 90 Tags per Package (80511)',\n",
+ " 679: '100 PCS Kraft Paper Tags with String Blank Tags Vintage Wedding Favor Hang Tags with 100 Feet Natural Jute Twine Retangle Tags for Crafts',\n",
+ " 680: 'Merchandise Tags #8, White, Scalloped, Hole (no Strings), 2 7/8 x 1 3/4, Box of 1000',\n",
+ " 681: 'KC Store Fixtures 08901 Perforated Merchandise Tags without Strings, 1-3/4\" x 2-7/8\", White (Pack of 1000)',\n",
+ " 682: 'KC Store Fixtures 08902 Perforated Merchandise Tags without Strings, 1-3/4\" x 2-7/8\", Orange (Pack of 1000)',\n",
+ " 683: 'KC Store Fixtures 09301 #3 Merchandise Tag without String, 7/8\" x 1-1/4\", White (Pack of 1000)',\n",
+ " 684: 'KC Store Fixtures 09302 #4 Merchandise Tag without String, 1\" x 1-1/2\", White (Pack of 1000)',\n",
+ " 685: 'KC Store Fixtures 08912 Perforated Merchandise Tags without Strings, 1-3/4\" x 2-7/8\", Light Blue (Pack of 1000)',\n",
+ " 686: 'KC Store Fixtures 09303 #5 Merchandise Tag without String, 1-1/8\" x 1-3/4\", White (Pack of 1000)',\n",
+ " 687: 'KC Store Fixtures 08908 Perforated Merchandise Tags without Strings, 1-3/4\" x 2-7/8\", Light Green (Pack of 1000)',\n",
+ " 688: 'KC Store Fixtures 08906 Perforated Merchandise Tags without Strings, 1-3/4\" x 2-7/8\", Yellow (Pack of 1000)',\n",
+ " 689: 'KC Store Fixtures 08911 Perforated Merchandise Tags without Strings, 1-3/4\" x 2-7/8\", Lavender (Pack of 1000)',\n",
+ " 690: 'Baoblaze 3pcs/Set Creative Wood Bamboo Case Jewelry Box Storage Organizer Christmas G - Red',\n",
+ " 691: \"LittleCat Stud Earrings Storage Book Jewelry Storage Box Earrings Display Box PU Leather Jewelry Storage Book Women's Jewelry Clutch Bag (Color : Purple)\",\n",
+ " 692: 'ASHUAIBAO Wooden Straw Woven Rattan Tassel Big Pendant Earrings Female',\n",
+ " 693: 'Storage Box,Cosmetic Organizer Vintage Style Classical Case Jewelry Storage Display Box Container Large Capacity(New Grapes)',\n",
+ " 694: '2 Layers Unpainted Wooden Jewellery Box Dispaly Holder DIY Handmade Crafts',\n",
+ " 695: 'TOPBATHY Transparent Storage Box Portable Rectangle Clear Organizer Case for Earring Jewelry Beads Coins 24pcs',\n",
+ " 696: 'Sumerlly Little Jewelry Storage Box Organizer Rotating Four-Layer for Necklace Earrings Rings Bracelets',\n",
+ " 697: 'WatanGems 231.4g, 1.8\"x2.6\" Black Fossil Orthoceras Jewelry Box Round Shape Well Made & Polished Handmade from Morocco, Mineral, Specimens, Ring Stash, Jewelry Organizer, Gifts, F2343',\n",
+ " 698: 'Ruiqas Jewelry Case, 1Pcs Oval Shape Vintage Flower Carved Zinc Alloy Jewelry Box Case for Ring Storage',\n",
+ " 699: 'dailymall Premium Heart Shaped Jewelry Box Wooden Gift Box Case Jewelry Organizer',\n",
+ " 700: 'BYCDD Watch Box Organizer, Watch Storage Case Box with Removable Cushions Jewelry Organizer Storage Case Jewelry Display Case Collection Boxes,Black',\n",
+ " 701: 'RJ Displays-25 Brown Kraft Jewelry Display Cotton Filled Assorted Sizes. Gift Box Set 5 Each of Size #11, 21, 32, 33, 82 for Ring, Pendants, Necklace, Bracelets, Watch',\n",
+ " 702: '888 Display - Pack of 10 Boxes of 5 3/8\" x 3 7/8\" x 1\" SilverFoil Cotton Filled Jewelry Boxes',\n",
+ " 703: '888 Display - Case of 100 Boxes of 3\" x 2 1/8\" x 1\" Black Matte Cotton Filled Jewelry Boxes',\n",
+ " 704: '888 Display - Pack of 10 Boxes of 2 1/8\" x 1 5/8\" x 3/4\" White Glossy Shiny Cotton Filled Jewelry Boxes',\n",
+ " 705: 'RJ Displays-25 Pack Cotton Filled Silver Foil Boxes for Jewelry Jewelry Earring, Pendan Necklace,Watch, Pen, Charm Bracelets, Gift Packaging (8 1/16 x 2 1/4 x 1 3/8 (#82))',\n",
+ " 706: \"Azeeda 'Cat & Wool' Treasure Chest/Jewellery Box (TC00041560)\",\n",
+ " 707: 'JF Retro Glass Jewelry Storage Box with lid/Classic Drawer Storage Box with Removable Velvet Beauty Decorative dust (Size : 20.712.34.3cm)',\n",
+ " 708: 'Jewellery Organizer Case, Lockable Classic Leather Single Layer Multi-Function Jewelry Box Built-in Mirror',\n",
+ " 709: 'JPB White Swirl Cotton Filled Jewelry Box #21 (Case of 100) 2.5 inches x 1.5 inches',\n",
+ " 710: 'Warm Company Batting 2391 72-Inch by 90-Inch Warm and Natural Cotton Batting, Twin',\n",
+ " 711: 'Gold Cotton Filled Jewelry Watch/Pen/Bracelet Display Box #82 - Pack of 100',\n",
+ " 712: 'JPI DISPLAY #82 Cotton Filled Boxes, 8\" L x 2\" W, Matte Black, 100 Count',\n",
+ " 713: '888 Display - Pack of 6 Boxes of 7\" x 5\" x 1 1/4\" H Light Pink Kraft Cotton Filled Jewelry Boxes',\n",
+ " 714: 'Pacific Jewelry Displays Cotton Filled Box (White Swirl) - Pack of 100',\n",
+ " 715: 'RJ Displays- 20 Pack Cotton Filled Brown Kraft Box for Pocket Watch, Ring, Earring, Necklace Chain Jewelry and Gift Boxes-Size 32',\n",
+ " 716: 'Kraft Jewelry Gift Boxes w/ Lids, 6x5x1 Cotton Filled Jewelry Boxes, Necklace Gift Box, Bracelet Gift Box, Earring Box, Bulk Jewelry Boxes for Shipping, Small Business, Accessories, White 42 Pcs',\n",
+ " 717: '10 Matte Black Color Cotton Boxes Jewelry Bracelet, Watches, Necklace and Anklet Gift Displays 8\" x 2\" By RJ Displays',\n",
+ " 718: 'Pack of 20 Boxes Elegant White Paper Cotton Filled Boxes Jewelry Bracelet, Watches, Necklace and Anklet Gift Displays 8\" x 2\" x 1\" Inches #82',\n",
+ " 719: 'TheDisplayGuys 25-Pack #82 White Swirl Cotton Filled Paper Jewelry Gift Boxes (8 1/16\" x 2 1/4\" x 1 3/8\") for Necklaces, Bracelets, Watches & Pens Display Retail and Shipping',\n",
+ " 720: 'TheDisplayGuys 25-Pack #34 Silver Foil 3 7/8\" x 3 7/8\" x 2\" Cotton Filled Paper Jewelry Boxes for Gift Display Shipping & Retail',\n",
+ " 721: 'Feyarl Vintage Trinket Jewelry Box Rings Earrings Treasure Case Organizer Storage Keepsake Ornate Box for Christmas Birthday Woman Girl Gift (Red) 7.1 x 4.7 x 3.1 inches',\n",
+ " 722: 'Krissy&Co Vintage Jewelry Box, Ivory Faux Leather, with Two Layers for Earrings, Necklaces, Rings - Beautiful Bridal Jewelry Boxes with Lace for Women and Girls - Classic Accessories Organizer',\n",
+ " 723: 'RosinKing Earring Storage Acrylic Box Bracelets Jewelry Display Hanger Organizer Necklace Rings Holder with 3 Transparent Drawer New Year Birthday Easter Gifts Presents for Women Girl',\n",
+ " 724: 'Wnakeli Jewellery Gift Box for Women Rectangle Travel Jewelry Case Girls Earring Holder Necklace Organizer Jewelry Organizer for Home or Outdoor Storage 1Pcs',\n",
+ " 725: \"Rumikrafts Handmade Floral Heart Shape Trinket Box for Jewelry/Storage/Valentines's Gift for her (Multicolor)\",\n",
+ " 726: 'Dolland Rectangular Storage Box Wooden Display Storage Case Handmade Craft Jewelry Case Gift Box',\n",
+ " 727: '16 Matte Black Color Cotton Boxes Jewelry Bracelet, Watches, Necklace and Anklet Gift Displays 8\" x 2\" By RJ Displays',\n",
+ " 728: 'ThermoPro TP03 Digital Instant Read Meat Thermometer Kitchen Cooking Food Candy Thermometer with Backlight and Magnet for Oil Deep Fry BBQ Grill Smoker Thermometer',\n",
+ " 729: 'Solar Lights Outdoor [6 Pack/3 Working Mode], SEZAC Solar Security Lights Solar Motion Sensor Lights Wireless IP 65 Waterproof Outdoor Lights for Garden Fence Patio Garage (42 LED)',\n",
+ " 730: 'Full Motion TV Wall Mount Bracket Dual Articulating Arms Swivels Tilts Rotation for Most 37-70 Inch LED, LCD, OLED Flat Curved TVs, Holds up to 132lbs, Max VESA 600x400mm by Pipishell',\n",
+ " 731: 'Mkeke Compatible with iPhone XR Screen Protector, iPhone 11 Screen Protector, Tempered Glass Film for Apple iPhone XR and iPhone 11, 3-Pack Clear',\n",
+ " 732: 'Amazon Basics Foldable, 14\" Black Metal Platform Bed Frame with Tool-Free Assembly, No Box Spring Needed - Twin',\n",
+ " 733: 'AquaBliss High Output Revitalizing Shower Filter - Reduces Dry Itchy Skin, Dandruff, Eczema, and Dramatically Improves The Condition of Your Skin, Hair and Nails - Chrome (SF100)',\n",
+ " 734: 'TaoTronics LED Desk Lamp, Eye-caring Table Lamps, Dimmable Office Lamp with USB Charging Port, 5 Lighting Modes with 7 Brightness Levels, Touch Control, White, 12W, Philips EnabLED Licensing Program',\n",
+ " 735: 'Mounting Dream TV Mount TV Wall Mount with Swivel and Tilt for Most 32-55 Inch TV, UL Listed Full Motion TV Mount with Articulating Dual Arms, Max VESA 400x400mm, 99 lbs. Loading, 16 inch Studs MD2380',\n",
+ " 736: 'Mounting Dream UL Listed TV Mount for Most 37-70 Inch TV, Universal Tilt TV Wall Mount Fit 16\", 18\", 24\" Stud with Loading 132 lbs & Max VESA 600x400mm, Low Profile Flat Wall Mount Bracket MD2268-LK',\n",
+ " 737: 'LiBa PEVA 8G Bathroom Shower Curtain Liner, 72\" W x 72\" H, Clear, 8G Heavy Duty Waterproof Shower Curtain Liner',\n",
+ " 738: 'ZINUS Compack Metal Bed Frame / 7 Inch Support Bed Frame for Box Spring and Mattress Set, Black, Queen',\n",
+ " 739: 'DEWALT 20V Max Cordless Drill / Driver Kit, Compact, 1/2-Inch (DCD771C2)',\n",
+ " 740: 'VIVO Dual LCD LED 13 to 27 inch Monitor Desk Mount Stand, Heavy Duty Fully Adjustable, Fits 2 Screens, STAND-V002',\n",
+ " 741: 'BLACK+DECKER 20V MAX Cordless Drill / Driver with 30-Piece Accessories (LD120VA) , Orange',\n",
+ " 742: 'Regalo Easy Step 38.5-Inch Extra Wide Walk Thru Baby Gate, Includes 6-Inch Extension Kit, 4 Pack Pressure Mount Kit, 4 Pack Wall Cups and Mounting Kit',\n",
+ " 743: 'ZINUS 9 Inch Metal Smart Box Spring / Mattress Foundation / Strong Metal Frame / Easy Assembly, Queen',\n",
+ " 744: \"Dora's Womens Beach Floral Maxi Dress V-Neck Printed Unique Loose Summer Boho Dresses High Waisted Yellow\",\n",
+ " 745: \"Folouse Do Not Disturb I'm Gaming Funny Novelty Cotton Socks Gifts for Brother Teenage Boys Game Lovers\",\n",
+ " 746: 'Bila Womens Sleeveless Rayon Maxi Dress Features a tie Keyhole Neck,Small Red',\n",
+ " 747: 'Bila Ladies Double Sleeve Ruffle Blouse (Small, Black)',\n",
+ " 748: 'High Ball: A Beautifully Designed Interactive Game and Light Show - Lights up Any Occasion: Party, Game Night, Hangout, Camping Trip, Office, or just Chilling at Home',\n",
+ " 749: 'Bila Womens Sleeveless Rayon Maxi Dress Features a tie Keyhole Neck X-Large Navy',\n",
+ " 750: \"OUGES Women's V-Neck Pattern Pocket Maxi Long Dress(Floral-26,XXL)\",\n",
+ " 751: 'Bila Womens Sleeveless Blouse Top, Small Ivory',\n",
+ " 752: 'Cotton Dresses for Women, Navy Blue Cami Tank Maxi Tiki Modest Casual Dress for Women Ladies Mom Evening Date Party Night Out Flowy Dresses (Blue, S)',\n",
+ " 753: 'INC International Concepts Tiered Sequined Tank Top (Flower Tile, X-Small)',\n",
+ " 754: \"Hotkey Women's Sleeveless Spaghetti Strap Casual Swing T-Shirt Dresses Cocktail Party Dress Beach Sundress for Summer Red\",\n",
+ " 755: \"French Connection Women's Classic Crepe Light Polly Tops, Clement Blue, M\",\n",
+ " 756: 'Bila Sleevless Asymmetrical Dress (Navy & Floral Print, M)',\n",
+ " 757: 'Forthery Tie Dye Dresses for Women Summer Beach Short Sleeves Dress Casual Midi Dress Side Slits Dress(Light Blue,M)',\n",
+ " 758: 'CeCe Short Sleeve Heirloom Polka Dot Blouse Rich Black MD',\n",
+ " 759: 'Inc International Concepts - Illusion Tie-Front T-Shirt - White - XL -',\n",
+ " 760: \"Bila Women's Short Sleeve Blouse Ocean Blue Size X-Large SB628\",\n",
+ " 761: 'FINELOOK FINELOOK Toddler Baby Girls Swimwear Bikini Cover Up Pom Pom Tassel Poncho Beach Sundress (6-12 Months, Blue Daisy)',\n",
+ " 762: 'Bila Womens Size Large Sleeveless Blouse, Ivory/Multi',\n",
+ " 763: 'Bila Womens Shirt 3/4 Sleeve Peasant Blouse Top Cold Shoulder (Teal, Small)',\n",
+ " 764: 'shekiss Womens Bohemian Bodycon Dashiki African Vintage Print Sexy V-Neck Club Midi Dress Black/Red 3X',\n",
+ " 765: 'Riviera Sun Rasta Long Smocking Dresses for Women 21932B-XL',\n",
+ " 766: \"Do Not Disturb I'm Gaming Socks,Gamer Christmas Gift ideas,Novelty Socks For Man Gift,Teen Boys,Anniversary,Husband\",\n",
+ " 767: 'Lea & Perrins The Original Worcestershire Sauce (5 fl oz Bottle)',\n",
+ " 768: \"Kanu Surf Little Boys' Toddler Fiji UPF 50+ Sun Protective Rashguard, Orange, 2T\",\n",
+ " 769: \"Rubies Child's The Original Inflatable Dinosaur Costume, T-Rex, Small\",\n",
+ " 770: 'Drunk Stoned or Stupid [A Party Game]',\n",
+ " 771: 'Bila Womens Short Sleeve Sheer Peasant Top Small Red',\n",
+ " 772: \"Mens Funny Do Not Disturb I'm Gaming Socks NON SLIP Video Game Lover Fathers Day Gift Birthday\",\n",
+ " 773: '21754-BLK-S-M Riviera Sun Long Dashiki Caftan / Caftans for Women Black',\n",
+ " 774: 'Because Patients Funny Stemless Wine Glass 15oz - Unique Gift Idea for Dentist, Dental, Medical, Hygienist, Doctor, Physician, Nurse - Perfect Birthday and Graduation Gifts for Men or Women',\n",
+ " 775: \"Bila Women's Size Small Sleeveless Beaded & Lace Crochet Blouse Top, Red\",\n",
+ " 776: 'Lightning Reaction Shocktato Party Game - The Hilariously Funny Game of Shocking Potato',\n",
+ " 777: 'Max Studio Womens Tencel Zip-up Casual Top Green XS',\n",
+ " 778: 'Do Not Disturb Gaming Socks, Funny Gamer Socks Fathers Day Gifts for Kids Teen Boys Mens Womens Game Lovers',\n",
+ " 779: 'Fidget Toys Set with Stress Balls for Kids, Teens and Adults, 32 Pack Stretchy Sensory Tool with Liquid Motion Timer for ADHD, Autism and Anxiety, Fun Fidgeting Game for Classroom and Office',\n",
+ " 780: \"Minibee Women's Linen Retro Chinese Frog Button Tops Blouse Blue 2XL\",\n",
+ " 781: 'Bila Womens Size Small Sleeveless Floral Blouse Top, Ink',\n",
+ " 782: '3D Socks Unisex Adult Animal Paw Crew Socks - Sublimated Print (Cat)',\n",
+ " 783: 'WWE Authentic Wear Naomi Neon Yellow Sunglasses',\n",
+ " 784: \"Yugo Sport Men's Plush Velour Bathrobe - Kimono Spa Hooded Robe (Medium-Large, Charcoal Velour)\",\n",
+ " 785: 'Ross Michaels Mens Robe Big & Tall with Hood - Long Plush 400GSM Luxury Bathrobe with Shawl Collar (Grey, Small/X-Large)',\n",
+ " 786: \"Arus Men's Shawl Collar Full Length Long Fleece Robe, Turkish Bathrobe, Navy Blue, XXL\",\n",
+ " 787: 'Ultra Soft Velour Robe Robes for Men 46904-GRY-M',\n",
+ " 788: \"Alexander Del Rossa Men's Warm Fleece Robe with Hood, Plush Big and Tall Bathrobe, Large-XL Navy Blue with Sherpa (A0262NBLXL)\",\n",
+ " 789: \"Men's Soft and Warm Bathrobe, Black Spa Robe with Sherpa Kimono Shawl Collar Unisex (Medium)\",\n",
+ " 790: \"DAVID ARCHY Men's Hooded Fleece Plush Soft Shu Velveteen Robe Full Length Long Bathrobe (M, Navy Blue)\",\n",
+ " 791: \"Realdo Mens Fleece Robe with Hood, Men's Warm Solid Color Robe Hooded Belt Bathrobe Black\",\n",
+ " 792: 'TowelSelections Super Soft Plush Kimono Bathrobe Fleece Spa Robe for Men X-Large/XX-Large Frost Gray',\n",
+ " 793: 'Anime Cosplay Flannel Robe Adult Fleece Pajamas Fashion Mens Kimono Bathrobes Woman Winter Long Robe (L/XL, Black)',\n",
+ " 794: \"Alexander Del Rossa Men's Warm Flannel Fleece Robe with Hood, Big and Tall Bathrobe, Large-XL Gray Stripe Limited Edition (A0452W18X)\",\n",
+ " 795: \"DISHANG Men's Ultra Soft Fleece Robe with Hood Pockets Warm and Cozy Sleepwear (Black, XXL)\",\n",
+ " 796: \"DAVID ARCHY Men's Coral Fleece Plush Robe Shawl Collar Heavyweight Full Length Long Big and Tall Warm Bathrobe (M, Dark Gray)\",\n",
+ " 797: \"Men's Long Robe Bamboo Viscose Soft Sleepwear Robe for Men\",\n",
+ " 798: \"PZZ BEACH One Size Men's Bathrobes with Pocket, Animal 3D Tiger Printed, Soft & Breathable Plush Collar Shawl Bathrobe\",\n",
+ " 799: 'ccko Mens Fleece Robe Warm Soft Plush Lightweight Hooded Long Robes for Men Big and Tall Mens Spa Bathrobes',\n",
+ " 800: \"Turkuoise Men's Warm Fleece Robe with Hood, Big and Tall Comfy Bathrobe\",\n",
+ " 801: \"Yugo Sport Men's Plush Velour Bathrobe - Kimono Spa Robe - Long Sleeve Shawl Collar (Medium-Large, Black Velour)\",\n",
+ " 802: \"KingSize Men's Big & Tall Terry Bathrobe with Pockets - Big - 5XL/6X, Black\",\n",
+ " 803: 'Unisex Hooded Robe Mens Womens Bathrobe, Charcoal One Size',\n",
+ " 804: \"Majestic International Men's Terry Velour Kimono Robe, White, One Size\",\n",
+ " 805: 'U2SKIIN Mens Fleece Robe Plush Collar Shawl Bathrobe(Grey,L/XL)',\n",
+ " 806: \"Derek Rose Men's Terry Velour Robe, Navy, XX-Large\",\n",
+ " 807: \"Alexander Del Rossa Men's Warm Fleece Robe, Plush Bathrobe, Large-XL Black (A0114BLKXL)\",\n",
+ " 808: \"Nautica Men's Long Sleeve Lightweight Cotton Woven Robe,Peacoat,Large/X-Large\",\n",
+ " 809: 'TowelSelections Men’s Robe Low Twist Cotton Terry Kimono Bathrobe X-Small/Small Navy',\n",
+ " 810: 'Ross Michaels Mens Robe - Mid Length - Plush Shawl Collar Bathrobe (Grey, L/XL)',\n",
+ " 811: \"KEMUSI Hooded Herringbone Men's Black Soft Spa Full Lenght Bathrobe With Grey Kimono Shawl Collar(L)\",\n",
+ " 812: 'Ross Michaels Mens Robe with Hood - Mid Length - Plush Shawl Collar Bathrobe (Grey, Large/X Large)',\n",
+ " 813: \"Alexander Del Rossa Men's Warm Fleece Robe with Hood, Big and Tall Bathrobe, Large-XL Black with Steel Gray Contrast (A0125BKSXL)\",\n",
+ " 814: 'Mens Plush Robe - Fleece Robe, Mens Bathrobe - Fig -Small/Medium',\n",
+ " 815: 'Ross Michaels Mens Robe Big & Tall with Hood - Long Plush Shawl Collar Bathrobe (Gray, 3X Large)',\n",
+ " 816: '46901-BLK-L Velour Robe / Robes for Men',\n",
+ " 817: 'TowelSelections Men’s Robe, Turkish Cotton Terry Shawl Bathrobe Large/X-Large Niagara Blue',\n",
+ " 818: 'Ross Michaels Mens Robe Big & Tall - Long Plush Shawl Collar Bathrobe (Black, 2X Large)',\n",
+ " 819: \"NY Threads Luxurious Men's Shawl Collar Fleece Bathrobe Spa Robe (Grey, Large/X-Large)\",\n",
+ " 820: \"Lands' End Mens Calf Length Terry Robe Rich Steel Regular Medium\",\n",
+ " 821: \"Nautica Men's Long Sleeve Cozy Soft Plush Shawl Collar Robe, Navy (KR06F7), One Size\",\n",
+ " 822: '46903-1A-XXL #followme Printed Plaid Velour Flannel Robe Robes for Men',\n",
+ " 823: '46902-GRY-XL #followme Plush Robe Robes for Men',\n",
+ " 824: 'Love Written in Vintage Chinese Character T-Shirt',\n",
+ " 825: \"INTO THE AM Tree of Life Men's Graphic Tee Short Sleeve Cool Novelty Design Crewneck Graphic T-Shirt for Men (Black, Large)\",\n",
+ " 826: \"I'm Not a Robot (K-Drama w. English Sub, All Region DVD)\",\n",
+ " 827: \"DON'T TEXT ME\",\n",
+ " 828: 'On the Other Side of Freedom: The Case for Hope',\n",
+ " 829: 'Riot Society Flamingo Blossom Mens Long Sleeve T-Shirt - Black, Small',\n",
+ " 830: 'Love Ramen Japanese Noodles Shirt Kawaii Anime Cat Gifts T-Shirt',\n",
+ " 831: 'Love Written in Traditional Chinese Kanji Character T-Shirt',\n",
+ " 832: \"INTO THE AM Men's Fitted Crew Neck Basic Tees - Premium Modern Fit Short Sleeve Plain Logo T-Shirts for Men (Indigo, Medium)\",\n",
+ " 833: \"COOFANDY Men's Cotton Linen Henley Shirt Long Sleeve Hippie Casual Beach T Shirts Gray\",\n",
+ " 834: 'Amusement; I Am Not A Wolf',\n",
+ " 835: \"INTO THE AM Extraterrestrial Men's Graphic Tee Short Sleeve Cool Novelty Design Crewneck Graphic T-Shirt for Men (Navy, Medium)\",\n",
+ " 836: 'Jointown Face Mask, Pack of 50 (5081)',\n",
+ " 837: 'Face Masks Reusable 20 Pack 5Ply Cup Dust Face Mask for Women Men with Nose Wire',\n",
+ " 838: \"Kindness is my Superpower: A children's Book About Empathy, Kindness and Compassion (My Superpower Books)\",\n",
+ " 839: \"INTO THE AM Men's V-Neck Fitted T-Shirts 3 Pack - Soft Casual Comfort Short Sleeve V Neck Tees Multipack (Black/Navy/White, X-Large)\",\n",
+ " 840: 'Riot Society Panda Rose Mens Graphic Pullover Hoodie Sweatshirt - Black, XX-Large',\n",
+ " 841: 'Star Wars Anime Porg T-Shirt',\n",
+ " 842: 'Team Electric Breathable Neck Gaiter Masks Half Face Cover Wrap Cool Mask Bandana Festival Rave Balaclava Scarf INTO THE AM',\n",
+ " 843: \"I'm Not Who You Think I Am: An Asian American Woman's Political Journey\",\n",
+ " 844: 'China Shrink Cream - 2 Pack 0.5 Ounces Each',\n",
+ " 845: 'I Am Malala: The Girl Who Stood Up for Education and Was Short by the Taliban',\n",
+ " 846: 'Avidlove Women Lingerie V Neck Nightwear Sexy Satin Sleepwear Lace Chemise Mini Teddy M, Purple',\n",
+ " 847: 'I Am Not Spock',\n",
+ " 848: \"I'm No Hero: A POW Story as Told to Glen DeWerff\",\n",
+ " 849: 'I am not a princess I am a complete fairytale',\n",
+ " 850: 'Elephant & Piggie: The Complete Collection (An Elephant & Piggie Book) (An Elephant and Piggie Book)',\n",
+ " 851: 'Dear Zoo: A Lift-the-Flap Book',\n",
+ " 852: 'The Bible in 52 Weeks: A Yearlong Bible Study for Women',\n",
+ " 853: \"I May Not Be Perfect But I Am Hungarian And That's Close Enough!: Funny Notebook 100 Pages 8.5x11 Notebook Hungarian Family Heritage Hungary Gifts\",\n",
+ " 854: 'I Am Spock',\n",
+ " 855: 'My Magical Words (The Magic of Me Series)',\n",
+ " 856: \"I Am Not Pan Jinlian (Collector's Edition)(Hardcover) (Chinese Edition)\",\n",
+ " 857: 'My First Library : Boxset of 10 Board Books for Kids',\n",
+ " 858: 'I Am Legend [Blu-ray]',\n",
+ " 859: 'The New Jim Crow: Mass Incarceration in the Age of Colorblindness, 10th Anniversary Edition',\n",
+ " 860: \"INTO THE AM AstroBlaster Men's Graphic Tee Short Sleeve Cool Novelty Design Crewneck Graphic T-Shirt for Men (Black, X-Large)\",\n",
+ " 861: 'SAMI THE MAGIC BEAR: No To Bullying!: (Full-Color Edition)',\n",
+ " 862: 'So I Am Not Handsome Aka Pretty Ugly - Yuan Lai Wo Bu Shuai - Chinese Subtitle',\n",
+ " 863: 'Wildflower Tea',\n",
+ " 864: '10 Things I Want In My Life Cars More Cars car t shirts T-Shirt',\n",
+ " 865: 'JR Studio 3x9 inch Black Think This is Slow. Wait Until Uphill Bumper Sticker - Funny car Vinyl Decal Sticker Car Waterproof Car Decal Bumper Sticker',\n",
+ " 866: 'People Who Tolerate Me On A Daily Basis T Shirt XL Black',\n",
+ " 867: 'Custom IG Name Vinyl Decal - Personalized Social Media Username Sticker',\n",
+ " 868: 'Louder Than Your Girlfriend Last Night Decal CAR Truck Window Bumper Sticker Funny Joke Trucks Diesel Lifted',\n",
+ " 869: 'Custom SC Name Vinyl Decal - Personalized SC Username Sticker - Vinyl Car Decal - Social Media Car Window Vinyl Decal Sticker',\n",
+ " 870: 'American Flag Vinyl Decal 5 X 5 inch Matte Black Compatible with Cummins Diesel Trucks 1500 2500 3500 Window Bumper Sticker Door Toolbox Hood',\n",
+ " 871: '2x Metal Duramax Diesel Emblem Badge Decal Sticker Replacement For Silverado 2500HD 3500HD (Black Red)',\n",
+ " 872: 'GAPPLEBEES Slap Sticker (2) CAR Truck Vinyl Sticker Decal Racing 7\"',\n",
+ " 873: '\"Diesel Only\",\"Mixed Fuel Only\", and\"Gas Only\" Stickers | 1 Pack of 3 Stickers Each - 9 Stickers Total | 6\"x2\" | Weather Resistant, Ultra Durable, Commercial Grade Decals',\n",
+ " 874: 'Pair Set F-350 International Diesel Power Emblem Side Fender Door Logo Tailgate Badge Nameplate Decal Stickers Compatible for 83-94 F350 (Chrome Black Red)',\n",
+ " 875: 'Back Off I Have A Crazy Wife She Loves Dogs More Than Humans Sticker Vinyl Bumper Sticker Decal Waterproof 5\"',\n",
+ " 876: 'Generic, Funny Fishing Sticker Decal Bumper Sticker 5 inch',\n",
+ " 877: 'Never Say Never Minivan Vinyl Decal Funny Bumper Sticker 3.5\"x5\"',\n",
+ " 878: 'Seek Racing My Couch PULLS Out I Dont Decal JDM Funny CAR Truck Window Sticker',\n",
+ " 879: 'Peterbilt Sticker Vinyl Waterproof Sticker Decal Car Laptop Wall Window Bumper Sticker 5\"',\n",
+ " 880: '\"Diesel Only\" Stickers | 6\"x2\" | 3-Pack | Weather Resistant, Ultra Durable, Commercial Grade Decals (Single - 3 Stickers)',\n",
+ " 881: 'GOOACC 166 Pcs Car Retainer Clips &Screw Grommets - 12 Most Popular Sizes & Applications for GM Toyota Honda Nissan Mazda - Bonus Fastener Remover',\n",
+ " 882: 'Southern Fried Decals 6\" X 3.5\" My Truck Identifies as a Prius Funny Vinyl DIE Cut Decal for Your car, Truck, Window, Laptop, MacBook, or Any Other Smooth Surface',\n",
+ " 883: 'BERRYZILLA (Pair) Objects in Mirror are Losing Decal Black Etched Glass Funny Sticker',\n",
+ " 884: 'Diamond Graphics My Brakes are Awesome Come Closer I Will Show You (6-1/2\" x 3\") Funny Die Cut Decal/Bumper Sticker for Windows, Cars, Trucks, Etc.',\n",
+ " 885: 'Nilight - 60001F-B Led Pods 2PCS 18W 1260LM Flood Led Off Road Lights Super Bright Driving Fog Light Boat Lights Driving Lights Led Work Light for Trucks, 2 Years Warranty',\n",
+ " 886: 'Attention Remove Bra Female Funny Caution Warning Decal Sticker',\n",
+ " 887: 'Make Fun of Them Together Graphic Novelty Sarcastic Funny T Shirt XL Black',\n",
+ " 888: 'JS Artworks Look Twice Save a Life Motorcycle Vinyl Decal Sticker',\n",
+ " 889: 'Sticker Connection | My Driving Scares Me Too | Bumper Sticker Decal for Car, Truck, Window, Laptop | 2\"x7\" (White)',\n",
+ " 890: 'People Who Think The Know Graphic Novelty Sarcastic Funny T Shirt XL Black',\n",
+ " 891: '40\" Custom Text Sticker Windshield Decal Window Rear Car Truck',\n",
+ " 892: 'UR Impressions Tattered American Flag - We The People Decal Vinyl Sticker Graphics for Car Truck SUV Van Wall Window Laptop|White|7.5 X 4.2 inch|URI608',\n",
+ " 893: 'Diesel Only Sticker Sign (Pack of 3) | Adhesive Fuel Decal for Trucks, Tractors, Machinery and Equipment',\n",
+ " 894: 'Diesel, Gasoline, Mixed Fuel Only, Gasoline Only, Diesel Fuel Only, Prime, Fast delivery, 6 Decals as Shown, Waterproof, Laminated, UV Fade Protected',\n",
+ " 895: 'Sinceroduct Animal Stickers, Stickers for Kids Assortment Set 1300 PCS, 8 Themes\\xa0Collection for Children, Teacher, Parent, Grandparent, Kids, Craft, School, Scrapbooking, Present Idea for Children, Chris',\n",
+ " 896: 'Elevated Auto Styling - Rear Middle Window American Flag Fits Dodge RAM 2009-2018 (Black)',\n",
+ " 897: 'SixtyTwo24 Black Smoke Matters- 5\" Decal {Black} Repellent Sticker, Rollin Coal Sticker, Rolling Coal, Black Smoke Matters Sticker, Decal, Power Stroke, Diesel, Stacks, Decal, Vinyl Pipes',\n",
+ " 898: 'Funcle Gift for Uncle Graphic Novelty Sarcastic Funny T Shirt XL Black',\n",
+ " 899: 'Seek Racing I Identify AS A Prius Decal - CAR Truck Window Laptop Sticker',\n",
+ " 900: 'Maybelline SuperStay Ink Crayon Lipstick, Matte Longwear Lipstick Makeup, Settle For More, 0.04 Ounce',\n",
+ " 901: 'Too Faced Throwback Metallic Lipstick - Too Too Hot',\n",
+ " 902: 'Glitter Shimmer Liquid Lipstick Set 12 Colors Shinning and Long Lasting Waterproof Colourful Lip Gloss Set (12 PCS )',\n",
+ " 903: 'Coosa Glitter Liquid Lipsticks Set 6 color Diamond Shimmer Metallic Lipstick Waterproof Long Lasting Makeup Kit Face Eye Glow Shimmer Shinning Lip Gloss Set',\n",
+ " 904: '10pcs/Set Makeup Matte Lipstick Lip Kit, Velvety Liquid Lipstick Waterproof Long Lasting Durable Nude Lip Gloss Beauty Cosmetics Gift Box Makeup Set Kit',\n",
+ " 905: 'REALHER Moisturizing Lipstick - Sorry Not Sorry - Coral Pink - All-Day Hydration - High Pigment, Creamy, Smooth Application',\n",
+ " 906: 'HAUS LABORATORIES By Lady Gaga: SPARKLE LIPSTICK | Red, Long Lasting Universal Lipstick, Full-Coverage Lip Color, Vegan & Cruelty-Free | 0.12 Oz',\n",
+ " 907: \"L'Oreal Paris Age Perfect Satin Lipstick with Precious Oils, 200 Pink Petal, 0.13 Ounce\",\n",
+ " 908: 'Beauty Concepts Ultimate Lipstick Collection, Gift Set with Five Different Shades of Lipsticks, Holiday Gift Set for Women and Girls, Shades of Pinks and Reds',\n",
+ " 909: '10pcs/Set Makeup Matte Lipstick Lip Kit, Velvety Liquid Lipstick Waterproof Long Lasting',\n",
+ " 910: 'Matte Lipstick Set 6 Colors Nude Moisturizer Smooth Lipstick Long Lasting Waterproof Lipstick Makeup Gift Set',\n",
+ " 911: '8 Colors set Lip Gloss Matte Metallic Glitter Liquid Lipstick Diamond Shining Lipgloss Long Lasting Waterproof Unique Charming Attractive Cosmetics Makeup',\n",
+ " 912: 'Matte Liquid Lipstick Set, Durable Nude Lip Gloss Long-Lasting Non-Stick Cup Not Fade Waterproof High Pigmented Velvet Lipgloss Kit Beauty Cosmetics Makeup Gift Set for Girls\\xa0(24PCS)',\n",
+ " 913: 'evpct 6Pcs Matte to Glitter Liquid Lipstick Long Lasting Lips Set Kit,6 Colors Diamond Red Glitter Sparkly Glossy Waterproof Lipstick Metallic Shimmer Brown Pink Lipgloss Lip Gloss Sets for Women',\n",
+ " 914: 'Matte Liquid Lipstick Set, Durable Nude Lip Gloss Long-Lasting Non-Stick Cup Not Fade Waterproof High Pigmented Velvet Lipgloss Kit Beauty Cosmetics Makeup Gift Set for Girls\\xa0 (18pcs lipstick)',\n",
+ " 915: 'evpct 4Pack Mini Glitter Cigarette Lipstick Sets Lip Kit,Litte Smoke Tube Diamond Glitter Shimmer Sparkly Glossy Metallic Lipstick Lip Stain Long Lasting Waterproof for Women Lip Gloss (A-Set04)',\n",
+ " 916: '7 Colors Glitter Flip Lip Gloss Set of 7 Glitter Liquid Lipsticks Set Diamond Shimmer Metallic Lip Stick Waterproof Long Lasting Non-stick Cup Shinning Mermaid Shimmer Lip Gloss Glow Cosmetic Kit',\n",
+ " 917: 'Bellesky Matte Liquid Lipstick Set Berry Red Series 3Pcs Velvety Lip Gloss Kit Long-Lasting Wear Non-Stick Cup and Not Fade Lipstick Makeup Set for All Skin Undertone ((3Colors Set 12))',\n",
+ " 918: 'Beauty Glazed Matte Liquid Lipstick Makeup Set Long Lasting Matte Finish Waterproof Lightweight Easy to Remove',\n",
+ " 919: '6 PCS Matte Liquid Lipstick Set Non-Stick Cup Waterproof Long Lasting Birthday Edition Durable Liquid Lipgloss Beauty Cosmetics Makeup Set Gifts for Women',\n",
+ " 920: 'Coosa 7 Colors Glitter Shimmer Flip Lip Gloss Set Non-stick Cup Waterproof pigment Nude Glitter Shimmer Diamonds Pearl Liquid Lipstick kit (7 PCS)',\n",
+ " 921: 'Revlon Super Lustrous Lipstick, with Vitamin E and Avocado Oil, in Pink, Cream Lipstick, 616 Wink for Pink, 0.15 oz',\n",
+ " 922: 'Glitter Lipstick - Pink Glitter Adult',\n",
+ " 923: 'Maybelline SuperStay 24, 2-Step Liquid Lipstick, Forever Chestnut',\n",
+ " 924: 'COVERGIRL Outlast All Day Top Coat, Clear, Pack of 1',\n",
+ " 925: 'Lip Gloss Perfection Set 9 Dual Side tube 18 Colors (Matte, Shimmer, Glitter) Lip Gloss Makeup Set',\n",
+ " 926: 'BeautyBlvd Glitter Lips | Glitter Lip Kit | Waterproof & Smudge Proof | Long Lasting | Cruelty Free (Guilty Rose)',\n",
+ " 927: \"Julep It's Whipped Matte Lip Mousse Long Lasting Liquid Lipstick, Ooh La La\",\n",
+ " 928: 'Moon Glow - Blacklight\\xa0Neon UV Lipstick\\xa00.16oz\\xa0- Intense Pink – Glows Brightly Under Blacklights/UV Lighting!',\n",
+ " 929: 'Maybelline New York SuperStay Matte Ink Liquid Lipstick, Lover, 0.17 Ounce',\n",
+ " 930: 'Maybelline Color Sensational Lipstick, Lip Makeup, Matte Finish, Hydrating Lipstick, Nude, Pink, Red, Plum Lip Color, Pitch Black, 0.15 oz; (Packaging May Vary)',\n",
+ " 931: 'Sky Lipsticks MEIQING Women Glitter Waterproof Long Lasting Lip Gloss Bold Vivid Colorful Lipgloss Glitter Shimmer Lipstick Lip Kit',\n",
+ " 932: 'Burts Bees 100% Natural Glossy Lipstick, Pink Pool - 1 Tube',\n",
+ " 933: 'DONGXIUB Metallic Diamond Liquid Glitter Shimmer Lipstick Nonstick Cup Makeup Lip Gloss (D)',\n",
+ " 934: 'NYX PROFESSIONAL MAKEUP Duo Chromatic Lip Gloss - Cocktail Party, Nude Base With Gold/Pink/Green Duo Chromatic Pearls',\n",
+ " 935: 'Gerard Cosmetics Glitter Lipstick HOLLYWOOD BLVD Sparkling glitter, fully opaque lip color with sparkling metallic finish CRUELTY FREE & USA MADE',\n",
+ " 936: 'Pack of 6 Crystal Flower Jelly Lipstick, FirstFly Long Lasting Nutritious Lip Balm Lips Moisturizer Magic Temperature Color Change Lip Gloss (Black)',\n",
+ " 937: 'Gold Body Glitter and Lipstick Set | Includes gold sparkle lipstick bundled with shimmering gold glitter roll on for lips, eyes and face | Perfect for parties, celebrations or gifting',\n",
+ " 938: '6pcs Matte Velvety Liquid Lipstick Matte Liquid Lipgloss Waterproof Lip Gloss',\n",
+ " 939: 'Miss Rose Long-lasting Matte Lipstick Set, 12 PCS Multi Colored featuring full-pigment lip color with a smooth, ultra-matte finish in 12 shades',\n",
+ " 940: \"JR Studio 3x9 inch If You Can Read This I'm About HIT The Brakes Bumper Sticker -Tailgater Vinyl Decal Sticker Car Waterproof Car Decal Bumper Sticker\",\n",
+ " 941: \"No This is not My Husband's Truck Vinyl Decal - Ladies Truck Decals - Ladies Bumper Sticker - Funny Car Decal - Not My Husband's Truck Sticker Made in USA\",\n",
+ " 942: 'Yes Boys. This is My Truck - Choose from 9 Styles - car Truck 4x4 Window Body Tailgate Decal Bumper Sticker (Yellow Script w/Rose)',\n",
+ " 943: 'Thou Shalt Not Try Me Mood 24:7 Vinyl Decal Sticker - Car Truck Van SUV Window Wall Cup Laptop - One 5.5 Inch Decal - MKS1393',\n",
+ " 944: 'High Viz Inc Hella Kids in This Bitch Honk if one Falls Out- 7\" x 3 1/4\" die Cut Vinyl Decal for Cars, Trucks, Windows, Boats, Tool Boxes, etc NOT Printed!',\n",
+ " 945: 'Sunset Graphics & Decals Just A Girl Who Loves Jesus Decal Vinyl Car Sticker | Cars Trucks Vans Walls Laptop | White | 5.5 inches | SGD000234',\n",
+ " 946: 'No This is Not My Husband\\'s Truck 7.5\" Vinyl car, Truck Decal for Yeti tumblers, Mugs, etc Car Sticker - Car Decal - Window Sticker for Tumbler, Cup, Wall, SUV, Computer, Laptop',\n",
+ " 947: \"I'm Not Gay But My Boyfriend is Funny Decal Vinyl Sticker|Cars Trucks Vans Walls Laptop| White|7.5 x 2.1 in|DUC562\",\n",
+ " 948: 'This is The Way Helmet Quote Decal Vinyl Sticker |Cars Trucks Vans Walls Laptop|White|5.5 x 4.0 in|MAZ-383',\n",
+ " 949: \"TAMZAM - I'm A Girl YES This is My Truck Decal Vinyl Sticker White Cars Trucks Vans SUV Laptops Walls Glass Metal - 6.5 inches\",\n",
+ " 950: \"TAMENGI No This is not My Husband's Truck Vinyl Decal, Ladies Truck Decals, Ladies Bumper Sticker, Funny Car Decal, Not My Husband's Truck Sticker - 7 inches\",\n",
+ " 951: \"This is Not My Boyfriend's Truck Decal Sticker Car Truck Motorcycle Window Ipad Laptop Wall Decor - Size (10 inch / 25 cm Wide) - Color (Matte White)\",\n",
+ " 952: 'JE Mom Life Decal Vinyl Decal/Sticker for Cars, Trucks, Vans, Walls, Laptop, White 5.6 x 4.7 in',\n",
+ " 953: 'YES BOYS This IS My Truck ! Decal Sticker Available in 4 Camo Colors',\n",
+ " 954: 'Sunset Graphics & Decals This is My Circus These are My Monkeys Decal Vinyl Car Sticker | Cars Trucks Vans Walls Laptop | White | 5.5 inch | SGD000233',\n",
+ " 955: 'MAF -Not of This World Inspired Decal Viny Decal Sticker, Christian Sticker, Religious Decal Car Truck Laptop Cup Wall Window Decor White 5.5\"',\n",
+ " 956: 'Sunset Graphics & Decals Thou Shall Not Try Me Decal Vinyl Car Sticker Funny | Cars Trucks Vans Walls Laptop | White | 5.5 inches | SGD000213',\n",
+ " 957: \"I'm Not Gay, But $20 is $20 Funny Decal Vinyl Sticker|Cars Trucks Vans Walls Laptop| White|7.5 x 2.3 in|DUC573\",\n",
+ " 958: 'Chase Grace Studio God is Greater That Highs and Lows Christian Mountains Vinyl Decal Sticker|White|Cars Trucks SUVs Vans Laptops Walls Glass Metal|6.5\" X 4.5\"|GS1102',\n",
+ " 959: 'Funny Hard Hat & Helmet Stickers: 10 Decal Value Pack Two American Flags. Great a Construction Toolbox, Hardhat, Mechanic’s Chest & More. USA Made Fun Gift Pro Union Working Men & Women',\n",
+ " 960: 'White Vinyl Decal - This is Not My Daddys Truck Country Wife Girl Fun dad Daddy, Die Cut Decal Bumper Sticker for Windows, Cars, Trucks, Laptops, Etc.',\n",
+ " 961: 'Thou Shall Not Try Me Mom 24:7 Vinyl Decal Sticker | Cars Trucks Vans SUVs Walls Cups Laptops | 5.5 Inch | Black | KCD2736',\n",
+ " 962: 'Nothing in Here is Worth Dying for - Die Cut Decal Bumper Sticker for Windows, Cars, Trucks, Laptops, Etc.',\n",
+ " 963: 'are You Following Jesus This Closely? (9\" x 3\") Funny Die Cut Decal Sticker for Windows, Cars, Trucks, Laptops, Etc',\n",
+ " 964: 'Barefoot Graphix GET Off My Ass Before I Inflate Your AIRBAGS - 8\" x 2 7/8\" die Cut Vinyl Decal for Window, car, Truck, Tool Box, virtually Any Hard, Smooth Surface',\n",
+ " 965: 'Custom Bumper Sticker Wyco Products Customizable Bumper Sticker (3\"x10\", Black)',\n",
+ " 966: \"Just For Fun White - 6.5 x 3.5 This is Not My Daddy's Truck Vinyl Die Cut Decal Bumper Sticker, Windows, Cars, Trucks, laptops, etc\",\n",
+ " 967: 'JS Artworks This is Not My Boyfriends Truck Vinyl Decal Sticker',\n",
+ " 968: 'Second 2nd Amendment Handgun Pistol Warning Decal Sticker Gun = by 215 Decals',\n",
+ " 969: 'East Coast Vinyl Werkz Yes Boys. This is My Truck - Pink Camo - w/hat - car Truck 4x4 Window Body Tailgate Decal Sticker',\n",
+ " 970: 'East Coast Vinyl Werkz Yes Boys. This is My Truck - Pink Camo - car Truck 4x4 Window Body Tailgate Decal Sticker',\n",
+ " 971: \"THIS IS NOT MY HUSBAND'S TRUCK VINYL STICKER\",\n",
+ " 972: 'This is Not Normal - 8-3/4\" x 3-1/4\" - Vinyl Die Cut Decal/Bumper Sticker for Windows, Cars, Trucks, Laptops, Etc.',\n",
+ " 973: \"VINYL GRAPHICS I'm A Girl YES This is My Truck Sticker\",\n",
+ " 974: 'Rogue River Tactical Funny Auto Decal Bumper Sticker for Women Girls Yes I Am A Bitch Just Not Yours for Car Truck RV Boat SUV',\n",
+ " 975: \"Rogue River Tactical Black & Red Large Funny Racing Auto Car Decal Bumper Sticker Truck RV Boat Window If You Ain't First Your Last\",\n",
+ " 976: 'JS Artworks This is Not My Husbands Truck Vinyl Decal Sticker',\n",
+ " 977: 'White Vinyl Decal - This is Not My Husband Truck Country Wife Girl Fun, Die Cut Decal Bumper Sticker for Windows, Cars, Trucks, Laptops, Etc.',\n",
+ " 978: 'Blood in the Bayou: A Bone-Chilling FBI Thriller (FBI Agent Jade Monroe Live or Die Series Book 1)',\n",
+ " 979: 'The School Mistress (Emerson Pass Historicals Book 1)',\n",
+ " 980: 'Wild Irish Rose (The Merriams Book 1)',\n",
+ " 981: 'Everything Is F*cked: A Book About Hope (The Subtle Art of Not Giving a F*ck (2 Book Series))',\n",
+ " 982: 'Epic Zero: Tales of a Not-So-Super 6th Grader Books 1-3 (Epic Zero Collection Book 1)',\n",
+ " 983: 'The Subtle Art of Not Giving a F*ck: A Counterintuitive Approach to Living a Good Life (Mark Manson Collection Book 1)',\n",
+ " 984: 'Never Binge Again(tm): How Thousands of People Have Stopped Overeating and Binge Eating - and Stuck to the Diet of Their Choice! (By Reprogramming Themselves to Think Differently About Food.)',\n",
+ " 985: 'Wiggly the Worm: Fun Short Stories for Kids (Early Bird Reader Book 1)',\n",
+ " 986: 'The Keys to my Diary: Fern -- A Florida Keys rom-com beach read romance novel',\n",
+ " 987: 'A Family Affair: A Small Town Family Saga (Truth In Lies Book 1)',\n",
+ " 988: 'Small Great Things: A Novel',\n",
+ " 989: 'Diapers Size 1 (8-14 lbs) Newborn, 198 Count - Pampers Swaddlers Disposable Baby Diapers, ONE MONTH SUPPLY (Packaging May Vary)',\n",
+ " 990: 'RAW Pre Rolled Cones Classic 1 1/4: 100 Pack - Classic Rolling Papers with Filter Tips | All Natural Slow Burning RAW Cone | Includes Green Blazer Tube',\n",
+ " 991: 'Graco Extend2Fit 3-in-1 Car Seat, Stocklyn , 20.75x19x24.5 Inch (Pack of 1)',\n",
+ " 992: 'SAMSUNG 970 EVO Plus SSD 1TB, M.2 NVMe Interface Internal Solid State Hard Drive with V-NAND Technology for Gaming, Graphic Design, MZ-V7S1T0B/AM',\n",
+ " 993: 'SAMSUNG 860 QVO 1TB Solid State Drive (MZ-76Q1T0B/AM) V-NAND, SATA 6Gb/s, Quality and Value Optimized SSD',\n",
+ " 994: 'Graco 4Ever DLX 4 in 1 Car Seat | Infant to Toddler Car Seat, with 10 Years of Use, Kendrick',\n",
+ " 995: 'Duracell - 2032 3V Lithium Coin Battery - with Bitter Coating - 1 Count',\n",
+ " 996: 'Seagate Portable 1TB External Hard Drive HDD – USB 3.0 for PC, Mac, PlayStation, & Xbox, 1-Year Rescue Service (STGX1000400) , Black',\n",
+ " 997: 'Twilight',\n",
+ " 998: 'Ziploc Food Storage Meal Prep Containers Reusable for Kitchen Organization, Smart Snap Technology, Dishwasher Safe, Divided Rectangle, 2 Count',\n",
+ " 999: 'everydrop by Whirlpool Ice and Water Refrigerator Filter 1, EDR1RXD1, Single-Pack , Purple',\n",
+ " ...}"
+ ]
+ },
+ "execution_count": 11,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "ids_to_products_dict = {i: p for i, p in zip(dataset[\"index\"], dataset[\"product_title\"])}\n",
+ "ids_to_products_dict"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 13,
+ "id": "ba0de67d",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "device = \"cuda\"\n",
+ "model.to(device)\n",
+ "model.eval()\n",
+ "model = model.merge_and_unload()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 15,
+ "id": "65c4e36b",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "100%|██████████████████████████████████████████████████████████████████████████████████████| 1861/1861 [04:43<00:00, 6.57it/s]\n"
+ ]
+ }
+ ],
+ "source": [
+ "import numpy as np\n",
+ "\n",
+ "num_products = len(dataset)\n",
+ "d = 1024\n",
+ "\n",
+ "product_embeddings_array = np.zeros((num_products, d))\n",
+ "for step, batch in enumerate(tqdm(dataloader)):\n",
+ " with torch.no_grad():\n",
+ " with torch.amp.autocast(dtype=torch.bfloat16, device_type=\"cuda\"):\n",
+ " product_embs = model(**{k: v.to(device) for k, v in batch.items()}).detach().float().cpu()\n",
+ " start_index = step * batch_size\n",
+ " end_index = start_index + batch_size if (start_index + batch_size) < num_products else num_products\n",
+ " product_embeddings_array[start_index:end_index] = product_embs\n",
+ " del product_embs, batch"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 62,
+ "id": "4377406a",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def construct_search_index(dim, num_elements, data):\n",
+ " # Declaring index\n",
+ " search_index = hnswlib.Index(space=\"ip\", dim=dim) # possible options are l2, cosine or ip\n",
+ "\n",
+ " # Initializing index - the maximum number of elements should be known beforehand\n",
+ " search_index.init_index(max_elements=num_elements, ef_construction=200, M=100)\n",
+ "\n",
+ " # Element insertion (can be called several times):\n",
+ " ids = np.arange(num_elements)\n",
+ " search_index.add_items(data, ids)\n",
+ "\n",
+ " return search_index"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 63,
+ "id": "e53d2297",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "product_search_index = construct_search_index(d, num_products, product_embeddings_array)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 67,
+ "id": "6428b193",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def get_query_embeddings(query, model, tokenizer, device):\n",
+ " inputs = tokenizer(query, padding=\"max_length\", max_length=70, truncation=True, return_tensors=\"pt\")\n",
+ " model.eval()\n",
+ " with torch.no_grad():\n",
+ " query_embs = model(**{k: v.to(device) for k, v in inputs.items()}).detach().cpu()\n",
+ " return query_embs[0]\n",
+ "\n",
+ "\n",
+ "def get_nearest_neighbours(k, search_index, query_embeddings, ids_to_products_dict, threshold=0.7):\n",
+ " # Controlling the recall by setting ef:\n",
+ " search_index.set_ef(100) # ef should always be > k\n",
+ "\n",
+ " # Query dataset, k - number of the closest elements (returns 2 numpy arrays)\n",
+ " labels, distances = search_index.knn_query(query_embeddings, k=k)\n",
+ "\n",
+ " return [\n",
+ " (ids_to_products_dict[label], (1 - distance))\n",
+ " for label, distance in zip(labels[0], distances[0])\n",
+ " if (1 - distance) >= threshold\n",
+ " ]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 97,
+ "id": "1c47f12d",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "query='NLP and ML books'\n",
+ "cosine_sim_score=0.92 product='Machine Learning: A Journey from Beginner to Advanced Including Deep Learning, Scikit-learn and Tensorflow'\n",
+ "cosine_sim_score=0.91 product='Mastering Machine Learning with scikit-learn'\n",
+ "cosine_sim_score=0.91 product='Hands-On Machine Learning with Scikit-Learn and TensorFlow: Concepts, Tools, and Techniques to Build Intelligent Systems'\n",
+ "cosine_sim_score=0.91 product='Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow: Concepts, Tools, and Techniques to Build Intelligent Systems'\n",
+ "cosine_sim_score=0.91 product='Practical Deep Learning: A Python-Based Introduction'\n",
+ "cosine_sim_score=0.9 product='Machine Learning: A Hands-On, Project-Based Introduction to Machine Learning for Absolute Beginners: Mastering Engineering ML Systems using Scikit-Learn and TensorFlow'\n",
+ "cosine_sim_score=0.9 product='Mastering Machine Learning with scikit-learn - Second Edition: Apply effective learning algorithms to real-world problems using scikit-learn'\n",
+ "cosine_sim_score=0.9 product='Mastering Machine Learning on AWS: Advanced machine learning in Python using SageMaker, Apache Spark, and TensorFlow'\n",
+ "cosine_sim_score=0.9 product='Machine Learning Algorithms: Naive Bayes'\n",
+ "cosine_sim_score=0.9 product='Fundamentals of Machine Learning for Predictive Data Anayltics: Algorithms, Worked Examples, and Case Studies'\n"
+ ]
+ }
+ ],
+ "source": [
+ "query = \"NLP and ML books\"\n",
+ "k = 10\n",
+ "query_embeddings = get_query_embeddings(query, model, tokenizer, device)\n",
+ "search_results = get_nearest_neighbours(k, product_search_index, query_embeddings, ids_to_products_dict, threshold=0.7)\n",
+ "\n",
+ "print(f\"{query=}\")\n",
+ "for product, cosine_sim_score in search_results:\n",
+ " print(f\"cosine_sim_score={round(cosine_sim_score,2)} {product=}\")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "e9e2dd2c",
+ "metadata": {},
+ "outputs": [],
+ "source": []
+ }
+ ],
+ "metadata": {
+ "kernelspec": {
+ "display_name": "Python 3 (ipykernel)",
+ "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.11.3"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 5
+}