diff --git a/langchain/shopping-agent/.env.example b/langchain/shopping-agent/.env.example index 85938f5..4b09bc4 100644 --- a/langchain/shopping-agent/.env.example +++ b/langchain/shopping-agent/.env.example @@ -1,28 +1,56 @@ -# If using OpenAI +# ============================================================ +# LLM Configuration (AWS Bedrock is preferred, OpenAI as fallback) +# ============================================================ -OPENAI_API_KEY="" -OPENAI_BASE_URL="" # Optional, if different from the default - -# Optional for LangSmith tracing and experiment tracking - -LANGSMITH_API_KEY="" -LANGSMITH_ENDPOINT="" #defaults to https://api.smith.langchain.com if using cloud -LANGSMITH_TRACING="true" +# AWS Bedrock (Primary - Recommended for AWS deployments) +AWS_REGION_NAME="us-east-1" +AWS_ACCESS_KEY_ID="" +AWS_SECRET_ACCESS_KEY="" +AWS_MODEL_ARN="us.anthropic.claude-sonnet-4-5-20250929-v1:0" +AWS_MODEL_ID="us.anthropic.claude-sonnet-4-5-20250929-v1:0" + +# OpenAI (Fallback if AWS Bedrock is not configured) +OPENAI_API_KEY="" +OPENAI_MODEL="gpt-5-mini" # Default OpenAI model +OPENAI_BASE_URL="" # Optional + +# ============================================================ +# Optional LangSmith tracing and experiment tracking +# ============================================================ +LANGSMITH_API_KEY="" +LANGSMITH_ENDPOINT="https://api.smith.langchain.com" +LANGSMITH_TRACING="false" LANGSMITH_PROJECT="aws-shopping-agent" -# If using Azure OpenAI +# ============================================================ +# Alternative LLM Providers (Optional) +# ============================================================ -AZURE_OPENAI_API_KEY="" -AZURE_OPENAI_ENDPOINT="" +# Azure OpenAI +AZURE_OPENAI_API_KEY="" +AZURE_OPENAI_ENDPOINT="" AZURE_OPENAI_API_VERSION="" -# If using Anthropic - -ANTHROPIC_API_KEY="" - -# If using AWS - -AWS_ACCESS_KEY_ID="" -AWS_SECRET_ACCESS_KEY="" -AWS_REGION_NAME="" -AWS_MODEL_ARN="" +# Anthropic (Direct, not via Bedrock) +ANTHROPIC_API_KEY="" + +# OpenSearch Configuration +# For local development with Docker +OPENSEARCH_HOST="localhost" +OPENSEARCH_PORT="9200" +OPENSEARCH_USE_SSL="false" +OPENSEARCH_VERIFY_CERTS="false" +OPENSEARCH_USERNAME="" # Empty for local Docker with security disabled +OPENSEARCH_PASSWORD="" # Empty for local Docker with security disabled + +# For Amazon OpenSearch Service (production) +# OPENSEARCH_HOST="your-domain.us-east-1.es.amazonaws.com" +# OPENSEARCH_PORT="443" +# OPENSEARCH_USE_SSL="true" +# OPENSEARCH_VERIFY_CERTS="true" +# OPENSEARCH_USERNAME="admin" +# OPENSEARCH_PASSWORD="your-secure-password" + +# OpenSearch Index Configuration +OPENSEARCH_INDEX_PRODUCTS="shopping_products" +OPENSEARCH_MODEL_ID="" # Will be populated after model deployment diff --git a/langchain/shopping-agent/agents/agent.py b/langchain/shopping-agent/agents/agent.py index 31e3d08..ba0b9c5 100644 --- a/langchain/shopping-agent/agents/agent.py +++ b/langchain/shopping-agent/agents/agent.py @@ -3,8 +3,6 @@ from pydantic import BaseModel, Field from langchain.messages import SystemMessage, HumanMessage, AIMessage -from langchain.agents import create_agent -from langchain.tools import tool, ToolRuntime from langgraph.graph import StateGraph, START, END from langgraph.graph.message import AnyMessage, add_messages @@ -12,8 +10,9 @@ from langgraph.store.base import BaseStore from langgraph.types import interrupt -from agents.subagents import invoice_subagent +from agents.subagents import invoice_subagent, opensearch_subagent from agents.prompts import ( + supervisor_routing_prompt, supervisor_system_prompt, extract_customer_info_prompt, verify_customer_info_prompt, @@ -35,34 +34,69 @@ class InputState(TypedDict): class State(InputState): customer_id: NotRequired[str] loaded_memory: NotRequired[str] + next_agent: NotRequired[str] # For conditional routing # ------------------------------------------------------------ -# Supervisor Graph +# Supervisor Router - Decides which agent to route to # ------------------------------------------------------------ -@tool( - name_or_callable="invoice_subagent", - description="""An agent that can assistant with all invoice-related queries. It can retrieve information about a customers past purchases or invoices.""" -) -def call_invoice_subagent(runtime: ToolRuntime, query: str): - print('made it here') - print(f"invoice subagent input: {query}") +def supervisor_router(state: State) -> dict: + """ + Supervisor that routes to appropriate subagent using LLM decision. + Uses conditional routing instead of tools to avoid Bedrock ValidationException. + """ + messages = state["messages"] + + # Create routing prompt with conversation context + routing_messages = [ + SystemMessage(content=supervisor_routing_prompt), + *messages + ] + + # Get routing decision from LLM + response = llm.invoke(routing_messages) + next_agent = response.content.strip() + + print(f"[Supervisor] Routing decision: {next_agent}") + + # Store the routing decision in state + return {"next_agent": next_agent} + +# ------------------------------------------------------------ +# Subagent Nodes - Execute specialized tasks +# ------------------------------------------------------------ +def invoice_agent_node(state: State) -> dict: + """Node that executes the invoice subagent.""" + print(f"[Invoice Agent] Processing query") + + # Get only user messages (filter out supervisor routing messages) + user_messages = [msg for msg in state["messages"] if msg.type in ["human", "user"]] + + # Invoke the invoice subagent with clean message history result = invoice_subagent.invoke({ - "messages": [{"role": "user", "content": query}], - "customer_id": runtime.state.get("customer_id", {}) + "messages": user_messages, # Only user messages, no tool_use artifacts + "customer_id": state.get("customer_id", ""), }) - subagent_response = result["messages"][-1].content - return subagent_response -# TODO: Add Opensearch E-commerce Agent as tool + # Return the subagent's response as new messages + return {"messages": result["messages"]} -supervisor = create_agent( - model="openai:gpt-4o", - tools=[call_invoice_subagent], # TODO: Add Opensearch E-commerce Agent as tool - name="supervisor", - system_prompt=supervisor_system_prompt, - state_schema=State, -) +def opensearch_agent_node(state: State) -> dict: + """Node that executes the opensearch subagent.""" + print(f"[OpenSearch Agent] Processing query") + + # Get only user messages (filter out supervisor routing messages) + user_messages = [msg for msg in state["messages"] if msg.type in ["human", "user"]] + + # Invoke the opensearch subagent with clean message history + result = opensearch_subagent.invoke({ + "messages": user_messages, # Only user messages, no tool_use artifacts + "customer_id": state.get("customer_id", ""), + "loaded_memory": state.get("loaded_memory", "") + }) + + # Return the subagent's response as new messages + return {"messages": result["messages"]} # ------------------------------------------------------------ # Human Feedback Nodes @@ -138,15 +172,26 @@ def create_memory(state: State, store: BaseStore): # ------------------------------------------------------------ -# State Graph +# State Graph with Conditional Routing # ------------------------------------------------------------ -workflow_builder = StateGraph(State, input_schema = InputState) +def route_after_supervisor(state: State) -> str: + """Route to the appropriate agent based on supervisor's decision.""" + next_agent = state.get("next_agent", "FINISH") + print(f"[Router] Directing to: {next_agent}") + return next_agent + +workflow_builder = StateGraph(State, input_schema = InputState) + +# Add all nodes workflow_builder.add_node("verify_info", verify_info) workflow_builder.add_node("human_input", human_input) workflow_builder.add_node("load_memory", load_memory) -workflow_builder.add_node("supervisor", supervisor) +workflow_builder.add_node("supervisor", supervisor_router) # Router, not agent +workflow_builder.add_node("opensearch_agent", opensearch_agent_node) # Subagent node +workflow_builder.add_node("invoice_agent", invoice_agent_node) # Subagent node workflow_builder.add_node("create_memory", create_memory) +# Build the workflow workflow_builder.add_edge(START, "verify_info") workflow_builder.add_conditional_edges( "verify_info", @@ -158,7 +203,24 @@ def create_memory(state: State, store: BaseStore): ) workflow_builder.add_edge("human_input", "verify_info") workflow_builder.add_edge("load_memory", "supervisor") -workflow_builder.add_edge("supervisor", "create_memory") + +# Conditional routing from supervisor to agents +workflow_builder.add_conditional_edges( + "supervisor", + route_after_supervisor, + { + "opensearch_agent": "opensearch_agent", + "invoice_agent": "invoice_agent", + "FINISH": "create_memory" + } +) + +# Both agents return to create_memory +workflow_builder.add_edge("opensearch_agent", "create_memory") +workflow_builder.add_edge("invoice_agent", "create_memory") workflow_builder.add_edge("create_memory", END) +# Compile the graph +# LangGraph API (dev or cloud) provides managed persistence automatically. +# Do not use a custom store - the platform handles it. graph = workflow_builder.compile(name="multi_agent_verify") diff --git a/langchain/shopping-agent/agents/opensearch_client.py b/langchain/shopping-agent/agents/opensearch_client.py new file mode 100644 index 0000000..80da9b4 --- /dev/null +++ b/langchain/shopping-agent/agents/opensearch_client.py @@ -0,0 +1,371 @@ +""" +OpenSearch client utilities for shopping agent. +Supports both local Docker OpenSearch and Amazon OpenSearch Service 3.1. +""" + +import os +import time +from typing import Optional, Dict, Any, List +from urllib.parse import urlparse +from opensearchpy import OpenSearch, RequestsHttpConnection +from requests_aws4auth import AWS4Auth +import boto3 +from dotenv import load_dotenv + +load_dotenv() + + +def get_opensearch_client() -> OpenSearch: + """ + Initialize OpenSearch client with environment configuration. + Automatically detects and configures for either: + - Local Docker OpenSearch (no auth) + - Amazon OpenSearch Service 3.1 (with AWS IAM or basic auth) + + Returns: + OpenSearch: Configured OpenSearch client + """ + host = os.getenv('OPENSEARCH_HOST', 'localhost') + port = int(os.getenv('OPENSEARCH_PORT', '9200')) + use_ssl = os.getenv('OPENSEARCH_USE_SSL', 'false').lower() == 'true' + verify_certs = os.getenv('OPENSEARCH_VERIFY_CERTS', 'false').lower() == 'true' + username = os.getenv('OPENSEARCH_USERNAME', '') + password = os.getenv('OPENSEARCH_PASSWORD', '') + + # Determine if we're using AWS OpenSearch Service + # Safely check if the hostname (not arbitrary parts of URL) ends with AWS domains + hostname = host if '://' not in host else urlparse(f'https://{host}' if not host.startswith(('http://', 'https://')) else host).hostname or host + is_aws_opensearch = hostname.endswith('.es.amazonaws.com') or hostname.endswith('.aoss.amazonaws.com') + + if is_aws_opensearch: + # Amazon OpenSearch Service configuration + region = os.getenv('AWS_REGION_NAME', 'us-east-1') + + # Try AWS IAM authentication first + if os.getenv('AWS_ACCESS_KEY_ID') and os.getenv('AWS_SECRET_ACCESS_KEY'): + credentials = boto3.Session( + aws_access_key_id=os.getenv('AWS_ACCESS_KEY_ID'), + aws_secret_access_key=os.getenv('AWS_SECRET_ACCESS_KEY'), + region_name=region + ).get_credentials() + + awsauth = AWS4Auth( + credentials.access_key, + credentials.secret_key, + region, + 'es', + session_token=credentials.token + ) + + return OpenSearch( + hosts=[{'host': host, 'port': port}], + http_auth=awsauth, + use_ssl=True, + verify_certs=True, + connection_class=RequestsHttpConnection, + timeout=60, + max_retries=3, + retry_on_timeout=True + ) + + # Fall back to basic auth if provided + elif username and password: + return OpenSearch( + hosts=[{'host': host, 'port': port}], + http_auth=(username, password), + use_ssl=True, + verify_certs=verify_certs, + connection_class=RequestsHttpConnection, + timeout=60, + max_retries=3, + retry_on_timeout=True + ) + else: + raise ValueError( + "For Amazon OpenSearch Service, provide either AWS credentials " + "(AWS_ACCESS_KEY_ID, AWS_SECRET_ACCESS_KEY) or basic auth " + "(OPENSEARCH_USERNAME, OPENSEARCH_PASSWORD)" + ) + else: + # Local Docker OpenSearch configuration + auth = (username, password) if username and password else None + + return OpenSearch( + hosts=[{'host': host, 'port': port}], + http_auth=auth, + use_ssl=use_ssl, + verify_certs=verify_certs, + connection_class=RequestsHttpConnection, + timeout=60 + ) + + +def register_and_deploy_model(client: OpenSearch) -> tuple[str, int]: + """ + Register and deploy the sentence transformer model for neural search. + Uses huggingface/sentence-transformers/msmarco-distilbert-base-tas-b + which is optimized for semantic search. + + Args: + client: OpenSearch client instance + + Returns: + tuple: (model_id, vector_dimension) + """ + MODEL_NAME = "huggingface/sentence-transformers/msmarco-distilbert-base-tas-b" + MODEL_VERSION = "1.0.3" + VECTOR_DIM = 768 + + print(f"Registering model: {MODEL_NAME}...") + + # Step 1: Register the pretrained model + register_body = { + "name": MODEL_NAME, + "version": MODEL_VERSION, + "model_format": "TORCH_SCRIPT" + } + + try: + response = client.transport.perform_request( + 'POST', + '/_plugins/_ml/models/_register', + body=register_body + ) + task_id = response.get('task_id') + print(f"Model registration started. Task ID: {task_id}") + except Exception as e: + print(f"Error registering model: {e}") + raise + + # Step 2: Wait for registration to complete + print("Waiting for model registration to complete...") + max_wait = 300 # 5 minutes max + start_time = time.time() + model_id = None + + while time.time() - start_time < max_wait: + try: + task_response = client.transport.perform_request( + 'GET', + f'/_plugins/_ml/tasks/{task_id}' + ) + state = task_response.get('state') + + if state == 'COMPLETED': + model_id = task_response.get('model_id') + print(f"✓ Model registered successfully. Model ID: {model_id}") + break + elif state == 'FAILED': + error = task_response.get('error', 'Unknown error') + raise RuntimeError(f"Model registration failed: {error}") + + print(f" Registration status: {state}") + time.sleep(5) + except Exception as e: + print(f"Error checking registration status: {e}") + time.sleep(5) + + if not model_id: + raise TimeoutError("Model registration timed out after 5 minutes") + + # Step 3: Deploy the model + print(f"Deploying model {model_id}...") + try: + deploy_response = client.transport.perform_request( + 'POST', + f'/_plugins/_ml/models/{model_id}/_deploy' + ) + deploy_task_id = deploy_response.get('task_id') + print(f"Model deployment started. Task ID: {deploy_task_id}") + except Exception as e: + print(f"Error deploying model: {e}") + raise + + # Step 4: Wait for deployment to complete + print("Waiting for model deployment to complete...") + start_time = time.time() + + while time.time() - start_time < max_wait: + try: + task_response = client.transport.perform_request( + 'GET', + f'/_plugins/_ml/tasks/{deploy_task_id}' + ) + state = task_response.get('state') + + if state == 'COMPLETED': + print(f"✓ Model deployed successfully") + return model_id, VECTOR_DIM + elif state == 'FAILED': + error = task_response.get('error', 'Unknown error') + raise RuntimeError(f"Model deployment failed: {error}") + + print(f" Deployment status: {state}") + time.sleep(5) + except Exception as e: + print(f"Error checking deployment status: {e}") + time.sleep(5) + + raise TimeoutError("Model deployment timed out after 5 minutes") + + +def create_product_ingest_pipeline(client: OpenSearch, model_id: str) -> str: + """ + Create ingest pipeline for automatic embedding generation. + Combines product name, description, category, and style into searchable text. + + Args: + client: OpenSearch client instance + model_id: ID of the deployed ML model + + Returns: + str: Pipeline name + """ + pipeline_name = "product_embedding_pipeline" + + pipeline_body = { + "description": "Pipeline for product catalog embeddings", + "processors": [ + { + "script": { + "source": """ + String name = ctx.name != null ? ctx.name : ''; + String description = ctx.description != null ? ctx.description : ''; + String category = ctx.category != null ? ctx.category : ''; + String style = ctx.style != null ? ctx.style : ''; + + ctx.combined_text = 'Product: ' + name + '. ' + description + + ' Category: ' + category + '. Style: ' + style + '.'; + """ + } + }, + { + "text_embedding": { + "model_id": model_id, + "field_map": { + "combined_text": "product_vector" + } + } + }, + { + "remove": { + "field": "combined_text", + "ignore_missing": True + } + } + ] + } + + print(f"Creating ingest pipeline: {pipeline_name}...") + + try: + # Delete if exists + try: + client.ingest.get_pipeline(id=pipeline_name) + client.ingest.delete_pipeline(id=pipeline_name) + print(f" Deleted existing pipeline") + except: + pass + + # Create new pipeline + client.ingest.put_pipeline(id=pipeline_name, body=pipeline_body) + print(f"✓ Ingest pipeline created: {pipeline_name}") + return pipeline_name + except Exception as e: + print(f"Error creating pipeline: {e}") + raise + + +def create_product_index(client: OpenSearch, vector_dim: int) -> str: + """ + Create product index with k-NN mapping for vector search. + Compatible with both local OpenSearch and Amazon OpenSearch Service 3.1. + + Args: + client: OpenSearch client instance + vector_dim: Vector dimension (768 for msmarco-distilbert-base-tas-b) + + Returns: + str: Index name + """ + index_name = os.getenv('OPENSEARCH_INDEX_PRODUCTS', 'shopping_products') + + index_body = { + "settings": { + "index": { + "number_of_shards": 2, + "number_of_replicas": 1, + "knn": True, + "knn.algo_param.ef_search": 100 + } + }, + "mappings": { + "properties": { + "id": {"type": "keyword"}, + "name": { + "type": "text", + "fields": {"keyword": {"type": "keyword"}} + }, + "description": {"type": "text"}, + "category": { + "type": "keyword", + "fields": {"text": {"type": "text"}} + }, + "style": {"type": "keyword"}, + "price": {"type": "float"}, + "current_stock": {"type": "integer"}, + "gender_affinity": {"type": "keyword"}, + "promoted": {"type": "boolean"}, + "image": {"type": "keyword"}, + "where_visible": {"type": "keyword"}, + "product_vector": { + "type": "knn_vector", + "dimension": vector_dim, + "method": { + "name": "hnsw", + "space_type": "l2", + "engine": "lucene", + "parameters": { + "ef_construction": 128, + "m": 24 + } + } + } + } + } + } + + print(f"Creating product index: {index_name}...") + + try: + # Delete if exists + if client.indices.exists(index=index_name): + client.indices.delete(index=index_name) + print(f" Deleted existing index") + + # Create index + client.indices.create(index=index_name, body=index_body) + print(f"✓ Product index created: {index_name}") + return index_name + except Exception as e: + print(f"Error creating index: {e}") + raise + + +def test_connection() -> bool: + """ + Test OpenSearch connection and print cluster info. + + Returns: + bool: True if connection successful + """ + try: + client = get_opensearch_client() + info = client.info() + print("✓ Connected to OpenSearch successfully!") + print(f" Cluster name: {info.get('cluster_name')}") + print(f" Version: {info.get('version', {}).get('number')}") + return True + except Exception as e: + print(f"✗ Failed to connect to OpenSearch: {e}") + return False diff --git a/langchain/shopping-agent/agents/prompts.py b/langchain/shopping-agent/agents/prompts.py index b34c8ce..386cd19 100644 --- a/langchain/shopping-agent/agents/prompts.py +++ b/langchain/shopping-agent/agents/prompts.py @@ -1,18 +1,31 @@ # ------------------------------------------------------------ # Supervisor Prompts # ------------------------------------------------------------ -supervisor_system_prompt = """You are an expert customer support assistant for a digital music store. You can handle music catalog or invoice related question regarding past purchases, song or album availabilities. -You are dedicated to providing exceptional service and ensuring customer queries are answered thoroughly, and have a team of subagents that you can use to help answer queries from customers. -Your primary role is to serve as a supervisor/planner for this multi-agent team that helps answer queries from customers. Always respond to the customer through summarizing the conversation, including individual responses from subagents. -If a question is unrelated to music or invoice, politely remind the customer regarding your scope of work. Do not answer unrelated answers. +supervisor_routing_prompt = """You are a routing supervisor for an e-commerce customer support system. +Your job is to analyze the customer's latest message and decide which specialized agent should handle it. -Your team is composed of two subagents that you can use to help answer the customer's request: -1. music_catalog_information_subagent: this subagent has access to user's saved music preferences. It can also retrieve information about the digital music store's music -catalog (albums, tracks, songs, etc.) from the database. -2. invoice_information_subagent: this subagent is able to retrieve information about a customer's past purchases or invoices -from the database. +Available agents: +1. **opensearch_agent**: Handles product searches, catalog browsing, recommendations, finding gifts, checking availability +2. **invoice_agent**: Handles order history, billing questions, past purchases, invoice details +3. **FINISH**: Use when the customer's query has been fully answered or when the query is unrelated to shopping/invoices -Based on the existing steps that have been taken in the messages, your role is to call the appropriate subagent based on the users query.""" +Routing rules: +- Product-related queries (search, browse, recommend, shop) → opensearch_agent +- Invoice/billing queries (orders, payments, history) → invoice_agent +- Mixed queries requiring both → Start with one, then route to the other on next turn +- Unrelated queries or completed conversations → FINISH + +IMPORTANT: Respond with ONLY the agent name (opensearch_agent, invoice_agent, or FINISH). No explanation needed.""" + +supervisor_system_prompt = """You are an expert customer support assistant for an e-commerce shopping platform. +You synthesize responses from specialized agents and maintain conversation continuity. + +When an agent provides a response: +1. Review the agent's response for completeness +2. Determine if additional information from another agent is needed +3. Provide a helpful summary to the customer if the query is complete + +If a question is unrelated to shopping or invoices, politely explain your scope of work.""" # ------------------------------------------------------------ # Subagent Prompts @@ -35,7 +48,63 @@ You may have additional context that you should use to help answer the customer's query. It will be provided to you below: """ -# TODO: Add Opensearch E-commerce Subagent Prompt +opensearch_subagent_prompt = """ +You are a specialized e-commerce product catalog agent powered by OpenSearch neural search. +You help customers find products from an extensive catalog across multiple categories. + +CATALOG OVERVIEW: +- Thousands of products across 20+ categories including: accessories, apparel, beauty, books, + electronics, footwear, furniture, groceries, homedecor, housewares, instruments, jewelry, + outdoors, tools, and more +- Products include detailed descriptions, prices, stock levels, and images +- Some products are promoted/featured items with special pricing +- Products may have gender affinity (M/F) for better personalization + +TOOLS AVAILABLE: +- search_products_by_query: AI-powered semantic search across entire catalog (best for natural language queries) +- filter_products_by_category_and_price: Browse by category with price filters (best for structured browsing) +- get_product_recommendations: Personalized suggestions based on customer preferences from their memory +- get_product_by_id: Get detailed information about a specific product + +CORE RESPONSIBILITIES: +1. Help customers find products using natural language search with semantic understanding +2. Provide relevant product recommendations based on their stored preferences +3. Filter and browse products by category, price, and availability +4. Highlight promoted/featured products when relevant +5. Consider customer's loaded memory preferences for personalization +6. Always verify product availability (current_stock > 0) before recommending +7. Present product information clearly with name, price, and key features +8. Be enthusiastic about products while remaining helpful and accurate + +RESPONSE GUIDELINES: +- List products clearly with: + * Product name and ID + * Price (formatted as $X.XX) + * Stock availability (e.g., "15 in stock" or "Limited stock") + * Key features from description + * Special indicators for promoted items (e.g., "🌟 Featured") +- For searches: Show top 5-10 most relevant results ranked by relevance +- For recommendations: Explain why items match customer preferences +- For browsing: Organize by category and price +- If no exact matches: Suggest similar alternatives from related categories +- Always mention if items are currently out of stock + +PERSONALIZATION: +- Use customer's loaded_memory (their shopping preferences) for recommendations +- Tailor suggestions to match their stated interests and past behavior +- Combine semantic search with user preferences for best results +- If no memory available, focus on promoted products and popular items + +IMPORTANT: +- ONLY recommend products that are in stock (current_stock > 0) +- Use neural/semantic search for natural language queries for best relevance +- Combine filters when customers specify multiple criteria +- Prioritize promoted items when showing multiple matches +- Be specific about product details to help customers make informed decisions + +Remember: You are an expert shopping assistant using AI-powered search to help customers +find exactly what they need from our extensive product catalog. +""" # ------------------------------------------------------------ # Human Feedback Prompts diff --git a/langchain/shopping-agent/agents/subagents.py b/langchain/shopping-agent/agents/subagents.py index 1622bae..d40d759 100644 --- a/langchain/shopping-agent/agents/subagents.py +++ b/langchain/shopping-agent/agents/subagents.py @@ -29,5 +29,13 @@ class State(InputState): # ------------------------------------------------------------ # Opensearch E-commerce Subagent # ------------------------------------------------------------ +from agents.prompts import opensearch_subagent_prompt +from agents.tools import opensearch_tools -# TODO: Add Opensearch E-commerce Subagent \ No newline at end of file +opensearch_subagent = create_agent( + llm, + tools=opensearch_tools, + name="opensearch_ecommerce_subagent", + system_prompt=opensearch_subagent_prompt, + state_schema=State +) \ No newline at end of file diff --git a/langchain/shopping-agent/agents/tools.py b/langchain/shopping-agent/agents/tools.py index 53eaca5..862c81f 100644 --- a/langchain/shopping-agent/agents/tools.py +++ b/langchain/shopping-agent/agents/tools.py @@ -4,8 +4,229 @@ # ------------------------------------------------------------ # Opensearch E-commerce Agent Tools # ------------------------------------------------------------ +import os +from agents.opensearch_client import get_opensearch_client -# TODO: Add Opensearch MCP tools +@tool +def search_products_by_query(runtime: ToolRuntime, query: str, max_results: int = 10) -> list[dict]: + """ + Search the product catalog using semantic/neural search via OpenSearch. + Returns product details matching the customer's query using AI-powered semantic understanding. + + Args: + query: Natural language search query (e.g., "comfortable hiking backpack") + max_results: Maximum number of products to return (default: 10) + + Returns: + list[dict]: List of matching products with relevance scores + """ + client = get_opensearch_client() + model_id = os.getenv('OPENSEARCH_MODEL_ID') + index_name = os.getenv('OPENSEARCH_INDEX_PRODUCTS', 'shopping_products') + + # Perform neural search using the deployed ML model + search_body = { + "size": max_results, + "query": { + "neural": { + "product_vector": { + "query_text": query, + "model_id": model_id, + "k": max_results * 2 # Get more candidates for better ranking + } + } + }, + "_source": { + "excludes": ["product_vector"] # Don't return the vector in results + } + } + + try: + response = client.search(index=index_name, body=search_body) + + products = [] + for hit in response['hits']['hits']: + product = hit['_source'] + product['relevance_score'] = round(hit['_score'], 2) + products.append(product) + + return products + except Exception as e: + return [{"error": f"Search failed: {str(e)}"}] + + +@tool +def filter_products_by_category_and_price( + runtime: ToolRuntime, + category: str = None, + min_price: float = 0, + max_price: float = 10000, + promoted_only: bool = False, + max_results: int = 20 +) -> list[dict]: + """ + Filter and browse products by category, price range, and promotion status. + Use this for structured browsing when customers want to see products in a specific category or price range. + + Args: + category: Product category to filter by (e.g., "accessories", "electronics", "apparel") + min_price: Minimum price in dollars (default: 0) + max_price: Maximum price in dollars (default: 10000) + promoted_only: Only return promoted/featured products (default: False) + max_results: Maximum number of products to return (default: 20) + + Returns: + list[dict]: List of products matching the filters + """ + client = get_opensearch_client() + index_name = os.getenv('OPENSEARCH_INDEX_PRODUCTS', 'shopping_products') + + # Build filter query + filters = [] + + if category: + filters.append({"term": {"category": category.lower()}}) + + filters.append({"range": {"price": {"gte": min_price, "lte": max_price}}}) + filters.append({"range": {"current_stock": {"gt": 0}}}) # Only in-stock items + + if promoted_only: + filters.append({"term": {"promoted": True}}) + + search_body = { + "size": max_results, + "query": { + "bool": { + "filter": filters + } + }, + "sort": [ + {"promoted": {"order": "desc"}}, # Promoted items first + {"price": {"order": "asc"}} # Then by price ascending + ], + "_source": { + "excludes": ["product_vector"] + } + } + + try: + response = client.search(index=index_name, body=search_body) + + products = [] + for hit in response['hits']['hits']: + products.append(hit['_source']) + + return products + except Exception as e: + return [{"error": f"Filter failed: {str(e)}"}] + + +@tool +def get_product_recommendations(runtime: ToolRuntime, max_results: int = 5) -> list[dict]: + """ + Get personalized product recommendations based on customer's preferences from their memory profile. + Uses hybrid search combining neural semantic search with keyword matching for best results. + + Args: + max_results: Maximum number of recommendations (default: 5) + + Returns: + list[dict]: List of recommended products with relevance scores + """ + loaded_memory = runtime.state.get("loaded_memory", "") + + client = get_opensearch_client() + model_id = os.getenv('OPENSEARCH_MODEL_ID') + index_name = os.getenv('OPENSEARCH_INDEX_PRODUCTS', 'shopping_products') + + # If no preferences, return promoted products + if not loaded_memory or loaded_memory.strip() == "": + return filter_products_by_category_and_price.invoke( + {"runtime": runtime, "promoted_only": True, "max_results": max_results} + ) + + # Hybrid search: Neural + BM25 for better relevance + search_body = { + "size": max_results, + "query": { + "bool": { + "should": [ + { + "neural": { + "product_vector": { + "query_text": loaded_memory, + "model_id": model_id, + "k": max_results * 3 + } + } + }, + { + "multi_match": { + "query": loaded_memory, + "fields": ["name^2", "description", "category"], + "type": "best_fields", + "boost": 0.5 # Neural search gets more weight + } + } + ], + "filter": [ + {"range": {"current_stock": {"gt": 0}}} + ], + "minimum_should_match": 1 + } + }, + "_source": { + "excludes": ["product_vector"] + } + } + + try: + response = client.search(index=index_name, body=search_body) + + products = [] + for hit in response['hits']['hits']: + product = hit['_source'] + product['relevance_score'] = round(hit['_score'], 2) + products.append(product) + + return products + except Exception as e: + return [{"error": f"Recommendations failed: {str(e)}"}] + + +@tool +def get_product_by_id(runtime: ToolRuntime, product_id: str) -> dict: + """ + Get detailed information about a specific product by its ID. + Use this when you need to look up a specific product that was mentioned or referenced. + + Args: + product_id: The unique product identifier + + Returns: + dict: Product details or error message + """ + client = get_opensearch_client() + index_name = os.getenv('OPENSEARCH_INDEX_PRODUCTS', 'shopping_products') + + try: + response = client.get( + index=index_name, + id=product_id, + _source_excludes=["product_vector"] + ) + return response['_source'] + except Exception as e: + return {"error": f"Product {product_id} not found: {str(e)}"} + + +# Export OpenSearch tools +opensearch_tools = [ + search_products_by_query, + filter_products_by_category_and_price, + get_product_recommendations, + get_product_by_id +] # ------------------------------------------------------------ # Invoice Subagent Tools diff --git a/langchain/shopping-agent/agents/utils.py b/langchain/shopping-agent/agents/utils.py index 5183f1c..71bb15b 100644 --- a/langchain/shopping-agent/agents/utils.py +++ b/langchain/shopping-agent/agents/utils.py @@ -1,19 +1,34 @@ import ast +import os import sqlite3 import requests from typing import Optional from sqlalchemy import create_engine from sqlalchemy.pool import StaticPool +from dotenv import load_dotenv -from langchain_openai import ChatOpenAI from langchain_community.utilities.sql_database import SQLDatabase +load_dotenv() + + +# ------------------------------------------------------------ +# LLM Initialization +# ------------------------------------------------------------ +# NOTE: AWS Bedrock has a known incompatibility with LangChain's create_agent tool calling. +# See docs/BEDROCK_LIMITATION.md for details. Using OpenAI for reliable tool calling support. -# NOTE: Configure the LLM that you want to use -llm = ChatOpenAI(model_name="gpt-4o", temperature=0) +from langchain_openai import ChatOpenAI + +model = os.getenv("OPENAI_MODEL", "gpt-4o") +print(f"Initializing OpenAI: {model}") + +llm = ChatOpenAI( + model=model, + temperature=0 +) # llm = ChatAnthropic(model_name="claude-3-5-sonnet-20240620", temperature=0) # llm = ChatVertexAI(model_name="gemini-1.5-flash-002", temperature=0) - # ------------------------------------------------------------ # Database Utilities # ------------------------------------------------------------ diff --git a/langchain/shopping-agent/data/products-data.yml b/langchain/shopping-agent/data/products-data.yml new file mode 100644 index 0000000..0098197 --- /dev/null +++ b/langchain/shopping-agent/data/products-data.yml @@ -0,0 +1,29223 @@ +- id: 6579c22f-be2b-444c-a52b-0116dd82df6c + current_stock: 15 + name: Spacious Tan Backpack for Her Travels + category: accessories + style: backpack + description: This versatile tan travel backpack is thoughtfully designed with multiple + compartments to keep you organized. Its durable fabric withstands daily use while + the padded straps ensure carrying comfort. The spacious interior and numerous + pockets provide ample storage for all your belongings. + price: 90.99 + image: 6579c22f-be2b-444c-a52b-0116dd82df6c.jpg + gender_affinity: F + where_visible: UI +- id: 2e852905-c6f4-47db-802c-654013571922 + current_stock: 15 + name: Blush Backpack for Everyday Chic + category: accessories + style: backpack + description: This chic pale pink backpack adds a feminine touch to any outfit. With + ample storage and comfortable straps, it keeps essentials organized while you + stay hands-free. A stylish and functional accessory for women on the go. + price: 123.99 + image: 2e852905-c6f4-47db-802c-654013571922.jpg + gender_affinity: F + where_visible: UI +- id: 4ec7ff5c-f70f-4984-b6c4-c7ef37cc0c09 + current_stock: 17 + name: Sleek Gainsboro Pack for Fashionable Women + category: accessories + style: backpack + description: Sleek and spacious, this stylish gainsboro backpack keeps your belongings + organized with multiple pockets while padded straps deliver comfort. An everyday + essential for the fashionable woman on the go. + price: 87.99 + image: 4ec7ff5c-f70f-4984-b6c4-c7ef37cc0c09.jpg + gender_affinity: F + where_visible: UI +- id: 7977f680-2cf7-457d-8f4d-afa0aa168cb9 + current_stock: 17 + name: Stylish Gray Backpack for Women + category: accessories + style: backpack + description: Chic and functional gray backpack designed for busy, on-the-go women. + Spacious interior keeps essentials organized while padded straps ensure comfortable + wear during everyday adventures. + price: 125.99 + image: 7977f680-2cf7-457d-8f4d-afa0aa168cb9.jpg + gender_affinity: F + where_visible: UI +- id: b5649d7c-4651-458d-a07f-912f253784ce + current_stock: 13 + name: Stylish Orange Backpack + category: accessories + style: backpack + description: Style and function meet in this durable canvas backpack featuring Peru-orange + accents. Thoughtfully designed with padded straps, multiple pockets and a roomy + interior to keep essentials organized on the go. + price: 141.99 + image: b5649d7c-4651-458d-a07f-912f253784ce.jpg + gender_affinity: F + where_visible: UI +- id: 296d144e-7f86-464b-9c5a-f545257f1700 + current_stock: 11 + name: Stylish Black Backpack for Her + category: accessories + style: backpack + description: This stylish black backpack for women effortlessly combines fashion + and function. Expertly crafted with a spacious interior, it's the perfect accessory + to keep you organized in style. + price: 144.99 + image: 296d144e-7f86-464b-9c5a-f545257f1700.jpg + gender_affinity: F + where_visible: UI +- id: 7d3e7f5b-8ac8-49a9-a960-8a24773a8280 + current_stock: 7 + name: Sleek Saddle Leather Backpack + category: accessories + style: backpack + description: This saddle brown leather backpack from our new fall collection is + a sleek and spacious accessory for women. Crafted from rich leather with brass + accents, it keeps daily essentials organized while complementing any outfit. + price: 133.99 + image: 7d3e7f5b-8ac8-49a9-a960-8a24773a8280.jpg + gender_affinity: F + where_visible: UI +- id: 1d3ae532-f790-44ca-a8e8-f55aa9b66526 + current_stock: 7 + name: Stylish Purple Backpack for Women + category: accessories + style: backpack + description: This stylish purple backpack for women keeps your essentials organized + in chic style. Expertly crafted with durable materials, padded straps, and spacious + interior, it's the perfect accessory for work, school, or travel. + price: 75.99 + image: 1d3ae532-f790-44ca-a8e8-f55aa9b66526.jpg + gender_affinity: F + where_visible: UI +- id: f6cd5dd2-d3ea-4858-844a-04879153e459 + current_stock: 18 + name: Stylish Black Backpack for Women + category: accessories + style: backpack + description: This sleek black backpack effortlessly combines fashion and function. + Expertly crafted with a spacious interior, it's the perfect accessory to keep + you organized in style. + price: 95.99 + image: f6cd5dd2-d3ea-4858-844a-04879153e459.jpg + gender_affinity: F + where_visible: UI +- id: 3491deff-c0fe-4065-abbc-72b507da84b2 + current_stock: 12 + name: Sparkly Unicorn Backpack + category: accessories + style: backpack + description: Presenting the Unicorn Canvas Backpack, a stylish and practical accessory + for women. Its whimsical unicorn design adds magical flair, while the roomy interior + keeps essentials organized. Durable canvas construction and faux leather accents + ensure lasting use. Add a touch of fairy tale charm to your look with this colorful + backpack. + price: 80.99 + image: 3491deff-c0fe-4065-abbc-72b507da84b2.jpg + gender_affinity: F + where_visible: UI +- id: 1a3fa9d4-e320-4873-be58-f3f6af5f99f4 + current_stock: 14 + name: Rustic Leather Backpack for Her + category: accessories + style: backpack + description: Presenting the Rust Leather Backpack - a chic, durable leather backpack + for women with multiple pockets for optimal organization. Crafted with soft yet + stain-resistant leather, this timeless design transitions effortlessly from work + to weekend. + price: 135.99 + image: 1a3fa9d4-e320-4873-be58-f3f6af5f99f4.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: da1f2a8f-5372-4102-b357-9e40900ebb08 + current_stock: 10 + name: Stylish Red Backpack + category: accessories + style: backpack + description: This stylish red backpack for women effortlessly combines fashion and + function. Its spacious interior and multiple pockets keep you organized, while + the sleek design and rich color complement any outfit. The perfect accessory for + the on-the-go woman. + price: 148.99 + image: da1f2a8f-5372-4102-b357-9e40900ebb08.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 0c47dade-1ec0-483a-9ab4-1b87604bdaf8 + current_stock: 19 + name: Stylish Pink Backpack for Women + category: accessories + style: backpack + description: This stylish pink backpack adds feminine flair to any outfit with its + durable fabric, spacious interior, front zipper pocket, padded straps for comfy + wear, and chic color - the perfect accessory for work, school, travel, or everyday. + price: 106.99 + image: 0c47dade-1ec0-483a-9ab4-1b87604bdaf8.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: f995ec8d-237c-4513-8bfa-9aee210f097c + current_stock: 19 + name: Stylish Olive Backpack + category: accessories + style: backpack + description: Stylish and versatile olive green backpack keeps you organized with + plenty of pockets. Durable and roomy, this fashionable hands-free bag adds a rich + pop of color to your fall wardrobe. + price: 122.99 + image: f995ec8d-237c-4513-8bfa-9aee210f097c.jpg + gender_affinity: F + where_visible: UI +- id: 41ab23ce-b417-46b2-a52a-bf7030f93161 + current_stock: 15 + name: Sleek Gainsboro Laptop Backpack + category: accessories + style: backpack + description: This chic and lightweight gainsboro backpack keeps your essentials + organized with ample storage for laptops, books, and more. Stylish design with + padded straps offers comfortable portability for the modern woman on-the-go. + price: 120.99 + image: 41ab23ce-b417-46b2-a52a-bf7030f93161.jpg + gender_affinity: F + where_visible: UI +- id: b438ff91-d7cc-461b-b7fb-951d195e32bb + current_stock: 10 + name: Stylish Faux Leather Backpack + category: accessories + style: backpack + description: This chic, durable backpack with faux leather accents offers ample + storage to carry your daily essentials in style. Adjustable straps provide a custom, + comfortable fit for this on-trend accessory. + price: 79.99 + image: b438ff91-d7cc-461b-b7fb-951d195e32bb.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: d2d5b3ba-8e15-4161-b50a-e56869e20eb2 + current_stock: 13 + name: Sleek Black Backpack for Urban Adventure + category: accessories + style: backpack + description: Expertly crafted black backpack built for the urban explorer, featuring + multiple compartments and padded laptop sleeve to keep essentials organized. Sleek, + sophisticated style and ergonomic design provide fashionable function. + price: 84.99 + image: d2d5b3ba-8e15-4161-b50a-e56869e20eb2.jpg + gender_affinity: M + where_visible: UI +- id: bb7d8938-2183-4556-a6af-c3761c094711 + current_stock: 10 + name: Sleek Yellow Backpack for Modern Men + category: accessories + style: backpack + description: Stay organized in sleek style with the Yellown men's backpack. This + durable polyester bag keeps your belongings safe in multiple padded compartments + while its vibrant yellow color and modern design add flair to your everyday looks. + price: 132.99 + image: bb7d8938-2183-4556-a6af-c3761c094711.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: ccf64e5d-bee5-438a-99b7-14d8cf33596a + current_stock: 17 + name: Rugged Olive Pack for Autumn Trekking + category: accessories + style: backpack + description: This rugged dark olive backpack for men is perfect for autumn adventures + with its sleek, earthy design and durable construction to keep your gear protected + across all your fall excursions. + price: 150.99 + image: ccf64e5d-bee5-438a-99b7-14d8cf33596a.jpg + gender_affinity: M + where_visible: UI +- id: 77165ec4-e965-47b2-adbc-5d0e519c00ed + current_stock: 17 + name: Rugged Explorer Backpack + category: accessories + style: backpack + description: Rugged dark slate gray backpack built for adventure with multiple compartments + to organize gear. Padded for comfort and made with durable fabric for exploring + the outdoors in style. + price: 114.99 + image: 77165ec4-e965-47b2-adbc-5d0e519c00ed.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a6d169a8-4d21-4cb3-b04a-ba3c978b6009 + current_stock: 8 + name: Adventure Backpack - Packed for Any Journey + category: accessories + style: backpack + description: Expertly crafted for adventure, this versatile pale gray backpack keeps + essentials organized with multiple compartments and clever details like a laptop + sleeve. Durable and portable, it's built for comfort on trips near or far. + price: 150.99 + image: a6d169a8-4d21-4cb3-b04a-ba3c978b6009.jpg + gender_affinity: M + where_visible: UI +- id: 2c27752b-8194-489f-96fa-be356fd811e0 + current_stock: 19 + name: Adventurous Dark Gray Explorer Backpack + category: accessories + style: backpack + description: Built for adventure, this rugged dark gray backpack keeps your gear + organized with a large main compartment and front zippered pocket. Water-resistant + and comfortable, it's a versatile companion for hiking remote trails or navigating + city streets. + price: 104.99 + image: 2c27752b-8194-489f-96fa-be356fd811e0.jpg + gender_affinity: M + where_visible: UI +- id: 84d6c26d-9760-49d8-854b-0a22becd8241 + current_stock: 17 + name: Slate Pack - Rugged Outdoor Backpack + category: accessories + style: backpack + description: This rugged dark slate gray backpack keeps your gear organized with + ample storage space and comfortable padded straps - a versatile outdoor and travel + companion built to endure daily adventures. + price: 99.99 + image: 84d6c26d-9760-49d8-854b-0a22becd8241.jpg + gender_affinity: M + where_visible: UI +- id: f95a0ee3-8ab6-4061-bef2-3578c6b5b7f0 + current_stock: 9 + name: Durable Black Hiking Backpack + category: accessories + style: backpack + description: This versatile black backpack is perfect for any outdoor adventure. + With durable, water-resistant materials and plenty of storage, it keeps your gear + organized and ready for hiking, camping, travel, or daily commuting. The comfortable + design makes it easy to carry everything you need. + price: 98.99 + image: f95a0ee3-8ab6-4061-bef2-3578c6b5b7f0.jpg + gender_affinity: M + where_visible: UI +- id: 01b24cde-af53-4629-b7f0-0965f795b870 + current_stock: 14 + name: Rugged Waterproof Backpack for Outdoor Adventures + category: accessories + style: backpack + description: The rugged Sienna backpack keeps your gear dry and protected with water-resistant + fabric, padded straps for comfort, and secure zippers to safely organize everything + you need on outdoor adventures or daily commutes. + price: 95.99 + image: 01b24cde-af53-4629-b7f0-0965f795b870.jpg + gender_affinity: M + where_visible: UI +- id: d062cb1b-09de-4b7f-bfd3-b0136c87266b + current_stock: 7 + name: Rugged Khaki Backpack for Outdoor Adventures + category: accessories + style: backpack + description: Explore the outdoors in rugged style with this durable dark khaki canvas + backpack for men. Roomy and versatile with multiple compartments, padded straps, + and sternum support, it's built for adventure. + price: 119.99 + image: d062cb1b-09de-4b7f-bfd3-b0136c87266b.jpg + gender_affinity: M + where_visible: UI +- id: f9a481fc-b635-416b-83da-ea944f206a6d + current_stock: 9 + name: Adventurer's Durable Expedition Backpack + category: accessories + style: backpack + description: This durable black backpack has multiple compartments to organize your + gear. Padded straps ensure comfort and a roomy interior fits laptops and more + - the perfect accessory for adventurers on any expedition. + price: 126.99 + image: f9a481fc-b635-416b-83da-ea944f206a6d.jpg + gender_affinity: M + where_visible: UI +- id: b78718ce-5f0a-4f39-8eb0-56de026b4870 + current_stock: 8 + name: Rugged Slate Backpack for Outdoor Adventure + category: accessories + style: backpack + description: This rugged dark slate gray backpack is the perfect outdoor accessory + for men. With multiple pockets and a spacious interior, it keeps your gear organized + for any adventure. Durable and stylish. + price: 146.99 + image: b78718ce-5f0a-4f39-8eb0-56de026b4870.jpg + gender_affinity: M + where_visible: UI +- id: 95a38ced-a972-4e9f-b54d-fbd109ad956e + current_stock: 7 + name: Rugged Olive Leather Pack + category: accessories + style: backpack + description: Expertly crafted dark olive leather backpack built for adventure and + organized storage with durable water-resistant construction, leather accents, + and padded adjustable straps for all-day comfort. + price: 134.99 + image: 95a38ced-a972-4e9f-b54d-fbd109ad956e.jpg + gender_affinity: M + where_visible: UI +- id: 437f3c6b-5fe6-4af0-9db6-ff3a0f44f585 + current_stock: 18 + name: Rugged Gray Backpack for Outdoor Adventure + category: accessories + style: backpack + description: Rugged slate gray backpack built for outdoor adventure with water-resistant + fabric, padded straps and multiple compartments to keep your hiking gear organized + and protected on the trails. + price: 87.99 + image: 437f3c6b-5fe6-4af0-9db6-ff3a0f44f585.jpg + gender_affinity: M + where_visible: UI +- id: fdf9d37f-2115-4004-99f2-0d56f8e5d016 + current_stock: 18 + name: Rugged Leather Backpack for Men + category: accessories + style: backpack + description: This full-grain leather backpack is a sophisticated and functional + accessory for men, offering ample storage and durability for daily use in a stylish, + premium design. + price: 141.99 + image: fdf9d37f-2115-4004-99f2-0d56f8e5d016.jpg + gender_affinity: M + where_visible: UI +- id: b535e4ad-3f3c-4b05-9715-9dc7077239de + current_stock: 17 + name: Sleek Gray Pack for Jetsetting + category: accessories + style: backpack + description: The perfect travel companion - this stylish and lightweight gainsboro + backpack keeps your essentials organized with multiple pockets and compartments. + Padded for comfort and made to last. + price: 126.99 + image: b535e4ad-3f3c-4b05-9715-9dc7077239de.jpg + where_visible: UI + promoted: true +- id: 2cc89e77-685d-423c-80a9-82e07ea13b7c + current_stock: 10 + name: Sleek Dark Gray Travel Backpack + category: accessories + style: backpack + description: This versatile dark slate gray backpack blends style and function with + its sleek silhouette, durable water-resistant fabric, and conveniently organized + multi-compartment design - the perfect travel companion for your next adventure. + price: 82.99 + image: 2cc89e77-685d-423c-80a9-82e07ea13b7c.jpg + where_visible: UI + promoted: true +- id: 5c010bac-31a6-4ff3-9557-2f5e20b509cc + current_stock: 12 + name: Rugged Leather Backpack + category: accessories + style: backpack + description: Expertly crafted from fine leather, this versatile backpack offers + sophisticated style and organized storage for daily essentials. Durable, convenient, + and comfortable, it's the perfect accessory for the stylish, modern adventurer. + price: 82.99 + image: 5c010bac-31a6-4ff3-9557-2f5e20b509cc.jpg + where_visible: UI +- id: 81bde330-051f-4db6-96c7-886dda3171b3 + current_stock: 6 + name: Slate Pack - Roomy & Refined + category: accessories + style: backpack + description: This durable slate gray travel backpack features multiple pockets and + compartments to keep your essentials organized. Its dark, sophisticated color + and padded straps provide comfort and style for daily commutes or weekend adventures. + price: 132.99 + image: 81bde330-051f-4db6-96c7-886dda3171b3.jpg + where_visible: UI +- id: 6819350e-987d-4b87-9132-6aa5ca256e9d + current_stock: 11 + name: Rustic Tan Backpack for Adventure + category: accessories + style: backpack + description: The Burlywood Backpack has a minimalist design and multiple storage + compartments to keep you organized. This lightweight, durable polyester travel + accessory features padded straps for comfort. + price: 91.99 + image: 6819350e-987d-4b87-9132-6aa5ca256e9d.jpg + where_visible: UI +- id: 3cd33786-a655-407f-b22f-c4150b1e529e + current_stock: 11 + name: Sleek Teal Travel Backpack + category: accessories + style: backpack + description: This sleek, teal backpack has multiple compartments to keep you organized + with padded straps for comfortable travel. Roomy interior fits overnight essentials + while front pocket stashes small items for quick access. + price: 85.99 + image: 3cd33786-a655-407f-b22f-c4150b1e529e.jpg + where_visible: UI +- id: a3ad25e8-c9c3-459a-a853-c26a0ad837eb + current_stock: 15 + name: Sleek Gainsboro Backpack for Style & Storage + category: accessories + style: backpack + description: Style and function unite in this fashionable gainsboro polyester backpack. + Spacious main compartment and multiple pockets keep essentials organized. Padded + shoulder straps ensure comfortable all-day wear. + price: 133.99 + image: a3ad25e8-c9c3-459a-a853-c26a0ad837eb.jpg + where_visible: UI + promoted: true +- id: 90946422-31ea-4dd1-8651-a9e3a122bcf6 + current_stock: 10 + name: Sleek Gray Everyday Backpack + category: accessories + style: backpack + description: This versatile slate gray backpack blends timeless style and performance. + Its durable polyester exterior and multiple pockets keep your essentials organized + and protected, while padded straps ensure comfortable all-day wear. + price: 127.99 + image: 90946422-31ea-4dd1-8651-a9e3a122bcf6.jpg + where_visible: UI +- id: d9d3351f-1fdb-4ba7-b757-55f18a1a2dc0 + current_stock: 19 + name: Spacious White Backpack for Everyday + category: accessories + style: backpack + description: This stylish white backpack keeps your gear organized with multiple + storage compartments. Its lightweight design and adjustable straps provide comfort + for daily use. The stain-resistant fabric and minimalist look make it a versatile + accessory. + price: 120.99 + image: d9d3351f-1fdb-4ba7-b757-55f18a1a2dc0.jpg + where_visible: UI + promoted: true +- id: 0d748c4b-8fae-47e7-80f5-bfbae8c4c2f1 + current_stock: 12 + name: Sleek Black Travel Backpack + category: accessories + style: backpack + description: The Black Travel Backpack from Acme is a versatile, durable, and spacious + accessory perfect for keeping essentials organized on the go. Its minimalist black + design pairs easily with any outfit while the padded straps provide comfortable + carrying. + price: 111.99 + image: 0d748c4b-8fae-47e7-80f5-bfbae8c4c2f1.jpg + where_visible: UI + promoted: true +- id: d0062fa5-02b3-4c94-be9f-2fdafa7cde2d + current_stock: 9 + name: Sleek Gray Canvas Backpack + category: accessories + style: backpack + description: Stylish muted gray cotton canvas backpack with spacious main compartment, + front zip pocket, padded straps and back panel. Durable versatile neutral accessory + keeps belongings organized on the go. + price: 145.99 + image: d0062fa5-02b3-4c94-be9f-2fdafa7cde2d.jpg + where_visible: UI +- id: 8b93bc57-62ca-4c6f-a83a-c527da84f224 + current_stock: 8 + name: Rustic Explorer Backpack + category: accessories + style: backpack + description: The perfect travel companion - this stylish burlywood backpack keeps + your belongings organized with multiple compartments and padded straps for comfortable + carrying. A must-have accessory for the savvy traveler. + price: 132.99 + image: 8b93bc57-62ca-4c6f-a83a-c527da84f224.jpg + where_visible: UI +- id: 9f6d63f4-6fd0-4c31-89b6-fffd6aedcce2 + current_stock: 16 + name: Sleek Black Backpack + category: accessories + style: backpack + description: This versatile black backpack with padded straps is the perfect accessory + to carry your essentials in style. Durable and stylish, it has ample storage for + books, laptops and more. + price: 79.99 + image: 9f6d63f4-6fd0-4c31-89b6-fffd6aedcce2.jpg + where_visible: UI +- id: c6f84710-d744-462e-970a-9fdf9352f64b + current_stock: 6 + name: Rugged Olive Backpack + category: accessories + style: backpack + description: This stylish dark olive backpack made of durable fabric offers fashion + and function with its earthy color, roomy interior, and handy organization pockets. + price: 136.99 + image: c6f84710-d744-462e-970a-9fdf9352f64b.jpg + where_visible: UI +- id: 73d9a14d-0fa0-44ca-b367-e4f9af3986ed + current_stock: 13 + name: Sleek Black Travel Backpack + category: accessories + style: backpack + description: The Black Travel Backpack is a sleek, versatile bag perfect for travelers. + Its spacious interior and multiple pockets keep essentials organized. Durable + and comfortable, this minimalist polyester backpack suits overnight trips, commuting, + school, hiking, and everyday use. + price: 82.99 + image: 73d9a14d-0fa0-44ca-b367-e4f9af3986ed.jpg + where_visible: UI +- id: d5999799-b6c1-45cf-8d5a-eaa8406a5409 + current_stock: 8 + name: Stylish Blue Backpack - Store in Style + category: accessories + style: backpack + description: This stylish, durable blue backpack keeps your belongings organized + with multiple storage compartments, padded straps for comfort, and sturdy fabric + and zippers built to withstand daily use. The perfect accessory for students and + professionals. + price: 120.99 + image: d5999799-b6c1-45cf-8d5a-eaa8406a5409.jpg + where_visible: UI +- id: 8325cf2c-2158-4b9b-ab7a-d55e072e9ce6 + current_stock: 10 + name: Sleek Gray Travel Backpack + category: accessories + style: backpack + description: Expertly crafted for the sophisticated traveler, this durable slate + gray backpack offers ample storage with multiple compartments to keep essentials + organized and secure while on the go. + price: 90.99 + image: 8325cf2c-2158-4b9b-ab7a-d55e072e9ce6.jpg + where_visible: UI + promoted: true +- id: 3efb5bf2-b419-43b9-9b1f-78a6aa6fc2b7 + current_stock: 18 + name: Stylish Black Bag for Any Occasion + category: accessories + style: bag + description: This stylish black bag is a versatile accessory for any occasion. Spacious + interior and adjustable strap provide custom comfort. Quality materials offer + unmatched durability for chic style and everyday organization. + price: 80.99 + image: 3efb5bf2-b419-43b9-9b1f-78a6aa6fc2b7.jpg + gender_affinity: F + where_visible: UI +- id: e0b421f5-481e-4766-847d-474ee9228729 + current_stock: 15 + name: Stylish Black Crossbody Bag + category: accessories + style: bag + description: This versatile black crossbody bag is crafted with quality materials + and a timeless silhouette, offering ample interior storage and stylish versatility + perfect for work, travel, or nights out. + price: 78.99 + image: e0b421f5-481e-4766-847d-474ee9228729.jpg + gender_affinity: F + where_visible: UI +- id: 7e06b209-80dc-493d-a8a8-e4e20ffbe63b + current_stock: 17 + name: Stylish Blue Striped Tote + category: accessories + style: bag + description: This chic blue striped tote bag is the perfect stylish accessory for + any woman. With ample storage space and an adjustable strap, it's ideal for work, + travel, or everyday use. + price: 109.99 + image: 7e06b209-80dc-493d-a8a8-e4e20ffbe63b.jpg + gender_affinity: F + where_visible: UI +- id: e75111c1-1770-4bfe-aa5f-60b72612e8a9 + current_stock: 13 + name: Stylish Black Leather Handbag + category: accessories + style: bag + description: This sleek, sophisticated handbag in premium black leather is both + fashionable and functional with ample storage. The perfect versatile accessory + for work or play. + price: 119.99 + image: e75111c1-1770-4bfe-aa5f-60b72612e8a9.jpg + gender_affinity: F + where_visible: UI +- id: c1df3910-d085-48d3-8eb1-2225c6b81159 + current_stock: 12 + name: Stylish Leather Tote + category: accessories + style: bag + description: Expertly crafted leather tote - a timeless, versatile accessory that + elevates any outfit. Roomy interior fits daily essentials. Sophisticated style + complements casual and formal wear. + price: 124.99 + image: c1df3910-d085-48d3-8eb1-2225c6b81159.jpg + gender_affinity: F + where_visible: UI +- id: 1ce4a083-d8cc-49c9-9708-9bc966f478f8 + current_stock: 8 + name: Stylish Maroon Leather Shoulder Bag + category: accessories + style: bag + description: Expertly crafted maroon leather shoulder bag offers versatile styling + from day to night. Premium design carries daily essentials with ease while complementing + any outfit with a pop of color. + price: 92.99 + image: 1ce4a083-d8cc-49c9-9708-9bc966f478f8.jpg + gender_affinity: F + where_visible: UI +- id: 28c14c06-d947-44d0-96f8-dc2113845e4c + current_stock: 18 + name: Sleek Dark Blue Leather Bag + category: accessories + style: bag + description: Expertly crafted from rich, dark blue leather, this versatile bag features + a sleek silhouette and spacious interior to elegantly carry your daily essentials. + A timeless accessory for any occasion. + price: 87.99 + image: 28c14c06-d947-44d0-96f8-dc2113845e4c.jpg + gender_affinity: F + where_visible: UI +- id: e905caf8-8265-4dbd-9bf3-6c25dedfcc51 + current_stock: 9 + name: Stylish Gray Bag for Everyday + category: accessories + style: bag + description: This light gray bag offers chic style and versatile functionality for + everyday use. With durable design, multiple pockets for organization, and adjustable + strap for comfort, it elevates any outfit while keeping belongings secure. The + perfect accessory for work, travel, or everyday fashion. + price: 91.99 + image: e905caf8-8265-4dbd-9bf3-6c25dedfcc51.jpg + gender_affinity: F + where_visible: UI +- id: 94a0ad41-8b19-4ecb-b0d7-33704e2d4421 + current_stock: 11 + name: Stylish Canvas Leather Bag + category: accessories + style: bag + description: This stylish and versatile canvas leather bag features a spacious interior + and multiple pockets to keep you organized. With adjustable straps for comfortable + carrying, this sophisticated accessory will elevate any outfit. + price: 86.99 + image: 94a0ad41-8b19-4ecb-b0d7-33704e2d4421.jpg + gender_affinity: F + where_visible: UI +- id: 31c2c0cc-5b0a-4773-bf47-4a63125c48a1 + current_stock: 16 + name: Rustic Tan Crossbody Purse + category: accessories + style: bag + description: This chic and versatile tan crossbody bag is expertly crafted with + quality materials and thoughtful details. A timeless neutral accessory to elevate + any outfit. + price: 139.99 + image: 31c2c0cc-5b0a-4773-bf47-4a63125c48a1.jpg + gender_affinity: F + where_visible: UI +- id: c102c29e-ed5a-4b27-b2ec-1a4001e6757e + current_stock: 13 + name: Sleek Black Laptop Bag for Work and Play + category: accessories + style: bag + description: This minimalist black laptop bag combines durability and versatility. + Its multiple compartments keep your belongings organized while the sleek design + transitions effortlessly between casual and professional settings. + price: 84.99 + image: c102c29e-ed5a-4b27-b2ec-1a4001e6757e.jpg + gender_affinity: M + where_visible: UI +- id: 58c0ca95-b1ff-4cd4-a7c2-2ea2ce714ad4 + current_stock: 15 + name: Stylish Pop of Color Men's Bag + category: accessories + style: bag + description: This versatile orange bag for men keeps belongings organized with multiple + pockets while adding a stylish pop of color to any outfit. Expertly crafted from + durable materials, it's the perfect accessory for work, travel, or everyday adventures. + price: 127.99 + image: 58c0ca95-b1ff-4cd4-a7c2-2ea2ce714ad4.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 4743a2b1-89a1-42c2-bd95-fe6feb8befea + current_stock: 13 + name: Sleek Leather Messenger for Men + category: accessories + style: bag + description: Expertly crafted black leather messenger bag with spacious interior + to carry daily essentials. Sleek, timeless design complements any outfit. Padded + shoulder strap and interior pockets keep you comfortable and organized. + price: 108.99 + image: 4743a2b1-89a1-42c2-bd95-fe6feb8befea.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 78770acc-562f-42a9-89fb-22bf5b6b60a2 + current_stock: 8 + name: Rugged Leather Messenger for Men + category: accessories + style: bag + description: This vintage leather messenger bag blends timeless style and rugged + durability for the modern man on the move. With ample storage and handsome full-grain + leather, it's built to last from the office to the weekend. + price: 115.99 + image: 78770acc-562f-42a9-89fb-22bf5b6b60a2.jpg + gender_affinity: M + where_visible: UI +- id: 55763c45-6051-4fff-ae04-495c0fafa8ff + current_stock: 13 + name: Stylish Leather Crossbody for Men + category: accessories + style: bag + description: Expertly crafted from fine leather, this versatile crossbody bag keeps + you organized with handy compartments while lending sophisticated style to your + look. Durable and timeless, it's the perfect accessory for work and travel. + price: 126.99 + image: 55763c45-6051-4fff-ae04-495c0fafa8ff.jpg + gender_affinity: M + where_visible: UI +- id: fd4829c9-5c51-49a1-ac9f-1d316506a75f + current_stock: 8 + name: The Essential Bag for Men + category: accessories + style: bag + description: Expertly crafted sienna leather bag with spacious interior and multiple + pockets to keep essentials organized. Durable, versatile design and padded strap + provide unmatched comfort and style for work or leisure. + price: 114.99 + image: fd4829c9-5c51-49a1-ac9f-1d316506a75f.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: cb12324e-4a35-4c97-a5ec-b14424bb1570 + current_stock: 9 + name: Rustic Orange Messenger for Men + category: accessories + style: bag + description: Crafted with quality materials, this sleek Peru-orange messenger bag + offers a spacious interior to carry daily essentials in style. Its durable construction + and adjustable strap provide both fashion and function for the modern man on-the-go. + price: 89.99 + image: cb12324e-4a35-4c97-a5ec-b14424bb1570.jpg + gender_affinity: M + where_visible: UI +- id: 2106dc3a-b8b7-4059-bc3e-fe30bc6f0f86 + current_stock: 17 + name: Sleek Blue Bag for Modern Men + category: accessories + style: bag + description: Expertly crafted with durable fabric, this sleek blue accessory bag + keeps essentials organized with minimalist style. The versatile design complements + any look, making it the perfect modern accessory for today's on-the-go man. + price: 113.99 + image: 2106dc3a-b8b7-4059-bc3e-fe30bc6f0f86.jpg + gender_affinity: M + where_visible: UI +- id: 5a9e66ed-32c5-461e-a4b0-a56948c3235b + current_stock: 8 + name: Stylish Leather Multi-Pocket Bag + category: accessories + style: bag + description: This leather bag blends timeless style and handy organization. Designed + with multiple pockets and a roomy interior, it keeps essentials in order while + complementing any outfit. + price: 96.99 + image: 5a9e66ed-32c5-461e-a4b0-a56948c3235b.jpg + where_visible: UI +- id: 3d882b22-847d-4d7f-9a74-3bd290db95c2 + current_stock: 16 + name: The Perfect Purse + category: accessories + style: bag + description: The Sienna everyday bag is a versatile, lightweight accessory with + ample storage to keep essentials organized. Crafted with premium materials, it + transitions seamlessly from work to weekend with its sleek, compact design and + adjustable strap. + price: 114.99 + image: 3d882b22-847d-4d7f-9a74-3bd290db95c2.jpg + where_visible: UI +- id: 6b81a807-d7eb-41b5-8e6e-887455775c38 + current_stock: 6 + name: Stylish Canvas Tote Bag + category: accessories + style: bag + description: The Canvas Everyday Bag is a versatile and practical canvas accessory + with ample storage to carry your daily essentials in classic style. + price: 118.99 + image: 6b81a807-d7eb-41b5-8e6e-887455775c38.jpg + where_visible: UI +- id: 7c9d829a-08c6-42fc-a211-02ddaacb2485 + current_stock: 8 + name: Stylish Leather Belt for Her + category: accessories + style: belt + description: Introducing the Modish Leather Belt, a sleek and stylish accessory + that adds modern flair to any outfit. Expertly crafted from quality leather with + a polished buckle, this versatile belt complements both casual and formal looks. + An elegant wardrobe essential for the fashion-forward woman. + price: 84.99 + image: 7c9d829a-08c6-42fc-a211-02ddaacb2485.jpg + gender_affinity: F + where_visible: UI +- id: e2c8393e-2109-4a91-966f-f30274d0515d + current_stock: 14 + name: Stylish Leather Belt for Her + category: accessories + style: belt + description: Sleek high-quality leather belt with elegant buckle closure. Versatile + and fashionable accessory complements both casual and dressy outfits. Durable + neutral-toned leather will stay stylish for seasons. Subtle sophistication and + comfort in one wardrobe-staple accessory. + price: 74.99 + image: e2c8393e-2109-4a91-966f-f30274d0515d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: b31c2063-c802-4ceb-a77a-0cab15cf99ee + current_stock: 12 + name: Stylish Brand Leather Belt + category: accessories + style: belt + description: Expertly crafted premium leather belt from Brand defines your silhouette. + Sleek, modern styling with buckle closure creates a flattering, customizable fit + for any outfit. An elegant wardrobe essential. + price: 89.99 + image: b31c2063-c802-4ceb-a77a-0cab15cf99ee.jpg + gender_affinity: F + where_visible: UI +- id: af7da9e1-844a-4c9a-8277-0127feda35b4 + current_stock: 12 + name: Stylish Leather Belt for Any Outfit + category: accessories + style: belt + description: Expertly crafted leather belt with polished buckle cinches and flatters. + Versatile accessory transitions effortlessly from day to night. Stylish, fashionable + staple complements any outfit. + price: 83.99 + image: af7da9e1-844a-4c9a-8277-0127feda35b4.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 55b3f4ff-7a92-4ad7-bc1b-59c98c23c6d9 + current_stock: 16 + name: Sleek Swell Belt Accents Waist + category: accessories + style: belt + description: The Swell Belt accentuates your waistline with its slender and sleek + design. Perfect for both casual and formal wear, this versatile women's belt complements + any outfit effortlessly. + price: 87.99 + image: 55b3f4ff-7a92-4ad7-bc1b-59c98c23c6d9.jpg + gender_affinity: F + where_visible: UI +- id: 622eb4e4-4bb9-4099-bd1b-3d64b715a92e + current_stock: 18 + name: Edgy Studded Faux Leather Belt + category: accessories + style: belt + description: This edgy faux leather belt features bold pyramid studs down the length + for a rocker vibe. Pair with casual or dressy outfits to make a stylish statement. + price: 51.99 + image: 622eb4e4-4bb9-4099-bd1b-3d64b715a92e.jpg + gender_affinity: F + where_visible: UI +- id: 93b383f7-44ca-4543-866a-a7a3953ff989 + current_stock: 10 + name: Sleek Cinching Style Belt + category: accessories + style: belt + description: The Spiffy Belt cinches waists with chic style. Crafted from quality + materials, this versatile accessory pairs effortlessly with any outfit for a polished, + pulled-together look. + price: 55.99 + image: 93b383f7-44ca-4543-866a-a7a3953ff989.jpg + gender_affinity: F + where_visible: UI +- id: 1f730c26-3e59-41f3-b031-e054a137ee93 + current_stock: 8 + name: Stylish Leather Belt for Her + category: accessories + style: belt + description: Expertly crafted slim leather belt with polished metal buckle effortlessly + cinches waist for a bold, stylish look. This versatile accessory pulls any outfit + together for a fashionable, put-together appearance. + price: 95.99 + image: 1f730c26-3e59-41f3-b031-e054a137ee93.jpg + gender_affinity: F + where_visible: UI +- id: 8b2a170c-e2e9-4d94-ae1a-994114ac11a5 + current_stock: 13 + name: Sleek Neutral Belt Elevates Any Outfit + category: accessories + style: belt + description: Elevate your style with this sleek, neutral belt by [brand]. Crafted + from quality materials with shiny hardware, this lightweight accessory polishes + any outfit from casual to dressy with modern flair. + price: 67.99 + image: 8b2a170c-e2e9-4d94-ae1a-994114ac11a5.jpg + gender_affinity: F + where_visible: UI +- id: 025ec8a0-0358-494f-a51a-065f090e84f8 + current_stock: 15 + name: Sleek Leather Belt Elevates Any Outfit + category: accessories + style: belt + description: This sleek, high-quality leather belt flatters any figure with its + polished buckle and smooth design. An elegant wardrobe essential for any occasion, + this versatile accessory transitions effortlessly from day to night. + price: 75.99 + image: 025ec8a0-0358-494f-a51a-065f090e84f8.jpg + gender_affinity: F + where_visible: UI +- id: e2babef4-5219-4b68-9fcc-9806ef1dffb1 + current_stock: 12 + name: Funky Retro Beaded Belt + category: accessories + style: belt + description: Make a bold retro statement with this shimmery 1970s-inspired elastic + belt, embellished with colorful beads and sequins. Fits waist sizes 28-44". + price: 33.99 + image: e2babef4-5219-4b68-9fcc-9806ef1dffb1.jpg + gender_affinity: F + where_visible: UI +- id: 9c05f815-7ecf-4054-9132-7f47455d3a43 + current_stock: 12 + name: Stylish Cinched Waist Belt + category: accessories + style: belt + description: Define your waist and complete any look with the Swell Belt. This versatile + high-quality cinched accessory features a sleek polished buckle for a stylish, + flattering silhouette whether dressing up or down. + price: 25.99 + image: 9c05f815-7ecf-4054-9132-7f47455d3a43.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 07441beb-9b1a-4c25-b302-2f11362cff86 + current_stock: 8 + name: Slim Buckled Statement Belt + category: accessories + style: belt + description: Make a sleek statement with the Supercool Belt. This slim buckled belt + accentuates curves and keeps clothes comfortably in place while adding a stylish + flair to any outfit. + price: 42.99 + image: 07441beb-9b1a-4c25-b302-2f11362cff86.jpg + gender_affinity: F + where_visible: UI +- id: 84d2c523-4a9e-4c4a-9104-9d858cc0e30b + current_stock: 11 + name: Stylish Faux Leather Belt + category: accessories + style: belt + description: This faux leather belt adds chic style to any outfit with its funky + fashionable design and slim, adjustable fit. Available in exciting colors, it's + the perfect accessory to make a statement day or night. + price: 36.99 + image: 84d2c523-4a9e-4c4a-9104-9d858cc0e30b.jpg + gender_affinity: F + where_visible: UI +- id: 7c465a98-18f5-4049-81b8-3db28750ce8f + current_stock: 12 + name: Sleek Neutral Belt Elevates Any Outfit + category: accessories + style: belt + description: Elevate your style with this sleek, lightweight neutral belt featuring + a classic buckle closure. An essential accessory crafted from quality materials + to complement any look for the fashion-forward woman. + price: 29.99 + image: 7c465a98-18f5-4049-81b8-3db28750ce8f.jpg + gender_affinity: F + where_visible: UI +- id: 022b3ccd-1566-4bdd-800f-bf7afb7951b2 + current_stock: 19 + name: Stylish Leather Belt Elevates Any Outfit + category: accessories + style: belt + description: Sleek, high-quality leather belt with polished metal buckle effortlessly + dresses up any outfit. Versatile accessory adds subtle sophistication to jeans, + tees, and dresses for a chic, put-together look. + price: 91.99 + image: 022b3ccd-1566-4bdd-800f-bf7afb7951b2.jpg + gender_affinity: F + where_visible: UI +- id: 3225baba-d5ea-44a5-a8d5-d0e015059709 + current_stock: 11 + name: Sleek Leather Belt Elegantly Cinches + category: accessories + style: belt + description: Expertly crafted from smooth leather, this chic belt for women features + a sleek buckle and elegant shape to cinch your waist. The versatile accessory + adds subtle sophistication to any outfit. + price: 60.99 + image: 3225baba-d5ea-44a5-a8d5-d0e015059709.jpg + gender_affinity: F + where_visible: UI +- id: 1edd4314-82f8-4459-9049-b55377cc1ded + current_stock: 8 + name: Stylish Waist-Cinching Belt + category: accessories + style: belt + description: Stylish Spiffy Belt - Elevate your look with this sleek and versatile + belt. Crafted with quality materials in a timeless design, it cinches the waist + for a flattering silhouette. The perfect finishing accessory for any outfit. + price: 92.99 + image: 1edd4314-82f8-4459-9049-b55377cc1ded.jpg + gender_affinity: F + where_visible: UI +- id: b105252a-e06c-413a-a635-b911fc3c4033 + current_stock: 7 + name: Sleek Waist-Cinching Belt for Polished Style + category: accessories + style: belt + description: Sleek and stylish, this chic waist-cinching belt accentuates your figure + for a polished, put-together look. Perfect for pairing with any outfit, our premium + belt adds a subtle flair for confidence and style. + price: 46.99 + image: b105252a-e06c-413a-a635-b911fc3c4033.jpg + gender_affinity: F + where_visible: UI +- id: 16842055-6a51-443b-843c-51bc85dee353 + current_stock: 10 + name: Stylish Accessory Belt for Women + category: accessories + style: belt + description: 'The Cool Belt''s sleek, lightweight design adds stylish flair to + any woman''s outfit. This must-have accessory comes in on-trend colors to complement + your look. Crafted from quality materials for long-lasting comfort and style.' + price: 25.99 + image: 16842055-6a51-443b-843c-51bc85dee353.jpg + gender_affinity: F + where_visible: UI +- id: 8ebed2f4-c0c0-4dc7-9875-1836502f2eb3 + current_stock: 10 + name: Fun Print Stretch Belt + category: accessories + style: belt + description: Stand out in our Groovy Patterned Stretch Belt. This eye-catching accessory + features a wide elasticated band with a vibrant, fun print to add flair to any + outfit. Perfect for both casual and dressy looks. + price: 41.99 + image: 8ebed2f4-c0c0-4dc7-9875-1836502f2eb3.jpg + gender_affinity: F + where_visible: UI +- id: 6cae2ce6-9fae-4eff-a26e-f483ff6aead6 + current_stock: 8 + name: Sleek Neutral Belt Elevates Any Outfit + category: accessories + style: belt + description: Elevate your outfit with this sleek, versatile belt! The Cool Neutral + Belt's lightweight design and neutral color complement any look. Its quality construction + ensures long-lasting shape retention. This chic accessory makes the perfect finishing + touch for work, nights out, or weekends. + price: 44.99 + image: 6cae2ce6-9fae-4eff-a26e-f483ff6aead6.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 40661057-b318-4fc9-bf00-8a1ab1b3c3cb + current_stock: 7 + name: Stylish Studded Faux Leather Belt + category: accessories + style: belt + description: Make a stylish statement with this eye-catching stretch faux leather + belt featuring shiny silver studs. An adjustable essential that complements any + outfit. + price: 39.99 + image: 40661057-b318-4fc9-bf00-8a1ab1b3c3cb.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: ac841c3e-6a9d-42d3-8b1a-5465380c2af2 + current_stock: 14 + name: Sleek Black Faux Leather Belt + category: accessories + style: belt + description: Exquisitely crafted black faux leather belt featuring a sleek slim + profile and polished metal buckle. An essential accessory to effortlessly pull + together any look with sophisticated style. + price: 81.99 + image: ac841c3e-6a9d-42d3-8b1a-5465380c2af2.jpg + gender_affinity: F + where_visible: UI +- id: f42e5d43-3131-41be-b71c-7d809a998104 + current_stock: 8 + name: Sleek Leather Belt with Attitude + category: accessories + style: belt + description: This stylish leather belt with polished buckle cinches your waist and + adds flair to any outfit. Sophisticated yet edgy, it complements both dressy and + casual looks with a touch of attitude. + price: 64.99 + image: f42e5d43-3131-41be-b71c-7d809a998104.jpg + gender_affinity: F + where_visible: UI +- id: 49ac9399-751f-451d-a21c-5d8b6f29354f + current_stock: 14 + name: Sleek Leather Belt Elevates Style + category: accessories + style: belt + description: The Dapper Leather Belt effortlessly elevates any outfit with its sleek, + timeless style. Expertly crafted from fine leather, this versatile accessory features + a polished metal buckle for a refined finish. + price: 90.99 + image: 49ac9399-751f-451d-a21c-5d8b6f29354f.jpg + gender_affinity: M + where_visible: UI +- id: 8c0c6d20-14f1-4387-a77b-662580d36cf2 + current_stock: 8 + name: Sleek Leather Belt, Sophisticated Style + category: accessories + style: belt + description: The Dapper Leather Belt adds sophisticated style to any outfit with + its sleek, polished buckle and fine leather design. This versatile wardrobe essential + promises durability and timeless refinement. + price: 87.99 + image: 8c0c6d20-14f1-4387-a77b-662580d36cf2.jpg + gender_affinity: M + where_visible: UI +- id: d4cf35dd-b543-4b4f-9efb-c2de473c3fed + current_stock: 12 + name: Sleek Leather Belt Elevates Style + category: accessories + style: belt + description: The Swell Leather Belt effortlessly elevates any outfit with its sleek, + sophisticated style. Expertly crafted from fine leather and polished metal, this + versatile accessory perfects your look whether dressing up or down. A timeless + wardrobe essential for the modern man. + price: 60.99 + image: d4cf35dd-b543-4b4f-9efb-c2de473c3fed.jpg + gender_affinity: M + where_visible: UI +- id: c6dd0909-46f3-4cf9-a059-fbdff93198dd + current_stock: 7 + name: Slim Buckle Accent Belt + category: accessories + style: belt + description: This versatile, high-quality hip belt cinches your waist and adds flair + to any outfit. With an adjustable strap and durable buckle, it provides a customized, + stylish fit for casual and formal attire alike. + price: 56.99 + image: c6dd0909-46f3-4cf9-a059-fbdff93198dd.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 3eba60d7-fbde-4f4d-bb3a-30df62057fe0 + current_stock: 19 + name: Sleek Leather Belt, Sophisticated Style + category: accessories + style: belt + description: Sleek, minimalist black or brown leather belt with adjustable polished + metal buckle. Versatile accessory complements any style, from casual to formal. + Premium construction, comfort, and timeless sophistication. + price: 64.99 + image: 3eba60d7-fbde-4f4d-bb3a-30df62057fe0.jpg + gender_affinity: M + where_visible: UI +- id: 65921948-81ea-4075-8649-4c9de10f5525 + current_stock: 19 + name: Sleek Leather Belt for Enduring Style + category: accessories + style: belt + description: Expertly crafted from high-quality leather, this sleek and versatile + belt features a classic buckle that adds polished flair to any outfit. An essential + accessory designed for durability, sophistication, and enduring style. + price: 58.99 + image: 65921948-81ea-4075-8649-4c9de10f5525.jpg + gender_affinity: M + where_visible: UI +- id: 083c4c20-48c3-4610-b3f1-405602408f15 + current_stock: 6 + name: Stylish Reversible Paisley Belt + category: accessories + style: belt + description: Make a bold fashion statement with this stylish reversible paisley + and black leather belt featuring an adjustable buckle closure and quality construction + for long-lasting durability and versatility. + price: 30.99 + image: 083c4c20-48c3-4610-b3f1-405602408f15.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: f1eb9d5b-94d8-4c3d-bf0b-3cad66c5f58e + current_stock: 10 + name: Stylish Fashionable Belt Elevates Outfits + category: accessories + style: belt + description: This stylish and fashionable belt offers subtle sophistication with + quality construction to elevate any outfit, whether dressing up for work or accessorizing + a casual weekend look. + price: 85.99 + image: f1eb9d5b-94d8-4c3d-bf0b-3cad66c5f58e.jpg + gender_affinity: M + where_visible: UI +- id: f1afa8b2-52d9-4488-84de-30875c2c9198 + current_stock: 13 + name: Stylish Leather Belt for Men + category: accessories + style: belt + description: Expertly crafted from high-quality leather, this sleek and versatile + belt features a polished metal buckle that adds subtle sophistication to any outfit. + An elevated essential for everyday wear. + price: 55.99 + image: f1afa8b2-52d9-4488-84de-30875c2c9198.jpg + gender_affinity: M + where_visible: UI +- id: fcb6244e-d745-41cc-b364-961cc301e36e + current_stock: 13 + name: Sleek Leather Belt for Refined Style + category: accessories + style: belt + description: Expertly crafted premium leather belt with classic buckle for timeless + style. Versatile accessory pairs perfectly with casual or formal attire. Adjustable + for a custom fit and all-day comfort. + price: 89.99 + image: fcb6244e-d745-41cc-b364-961cc301e36e.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: e6a872ab-6a79-4703-9148-1efdca2289e5 + current_stock: 6 + name: Stylish Reversible Paisley Belt + category: accessories + style: belt + description: Make a stylish statement with this reversible leather belt featuring + a funky paisley print on one side and sleek black on the reverse. The adjustable + metal buckle ensures a perfect fit for any occasion. + price: 77.99 + image: e6a872ab-6a79-4703-9148-1efdca2289e5.jpg + gender_affinity: M + where_visible: UI +- id: 9f87cbe4-07dc-4540-ad1d-693ea0c27045 + current_stock: 18 + name: Stylish Leather Belt for Men + category: accessories + style: belt + description: Expertly crafted from rich leather, this sleek and stylish belt features + a classic buckle design and subtle textured details for a luxurious, sophisticated + look. An essential accessory for any wardrobe. + price: 93.99 + image: 9f87cbe4-07dc-4540-ad1d-693ea0c27045.jpg + gender_affinity: M + where_visible: UI +- id: 23b9529f-e42b-4546-8066-36771aa9ee1a + current_stock: 8 + name: Stylish Leather Belt for Any Outfit + category: accessories + style: belt + description: This fashionable leather belt features sleek styling and quality construction + for a versatile accessory to elevate any outfit. Its timeless look dresses up + casual wear or adds polish to formal attire. + price: 64.99 + image: 23b9529f-e42b-4546-8066-36771aa9ee1a.jpg + gender_affinity: M + where_visible: UI +- id: c3801e4e-9cdf-4ca8-80ec-7c7ce09a84fa + current_stock: 13 + name: Stylish Tinted Glasses for Women + category: accessories + style: glasses + description: Make a stylish statement with these sleek, lightweight women's glasses + featuring a modern design, tinted lenses, and UV protection for fashionable flair + and function. The perfect accessory for work or weekends! + price: 103.99 + image: c3801e4e-9cdf-4ca8-80ec-7c7ce09a84fa.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 75edcc32-739d-4f67-aa1b-167ccb734c48 + current_stock: 6 + name: Stylish Cat-Eye Glasses for Her + category: accessories + style: glasses + description: Sophisticated cat-eye glasses featuring lightweight durable frames + and flattering shape to accentuate your best features. Expertly crafted lenses + provide crisp clear vision in these versatile fashionable accessories that add + a touch of chic style to any outfit. + price: 131.99 + image: 75edcc32-739d-4f67-aa1b-167ccb734c48.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 844846d9-dc61-4709-8286-a0f79d6ae809 + current_stock: 10 + name: Stylish Cat-Eye Glasses for Chic Look + category: accessories + style: glasses + description: Look chic and stylish with these cat-eye glasses featuring a sleek + lightweight frame and UV-protected lenses. The versatile design pairs effortlessly + with any outfit. + price: 59.99 + image: 844846d9-dc61-4709-8286-a0f79d6ae809.jpg + gender_affinity: F + where_visible: UI +- id: 81c4df40-9efb-4d78-b52f-9820ae975875 + current_stock: 17 + name: Stylish Cat-Eye Glasses for Her + category: accessories + style: glasses + description: Stylish and sleek cat-eye glasses with durable acetate frames, scratch-resistant + lenses, and subtle glamour. The angled shape flatters various faces while the + UV protection keeps your eyes healthy. A versatile accessory for any occasion. + price: 102.99 + image: 81c4df40-9efb-4d78-b52f-9820ae975875.jpg + gender_affinity: F + where_visible: UI +- id: 4e5d7396-eb2c-48a2-8087-501333c06065 + current_stock: 17 + name: Stylish Glasses for Sophisticated Looks + category: accessories + style: glasses + description: Our ultrachic glasses feature a sleek, modern design to complement + any look. Crafted with lightweight, durable materials for style and comfort, these + chic angular frames and customizable lens colors add sophistication. A versatile + accessory to elevate your outfit anywhere, every day. + price: 147.99 + image: 4e5d7396-eb2c-48a2-8087-501333c06065.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 7c0147c7-4dba-4d4c-a543-57c5da5a4774 + current_stock: 18 + name: Stylish Voguish Glasses for Her + category: accessories + style: glasses + description: Stylish and fashionable women's glasses from Voguish. These lightweight, + durable frames with clear UV protected lenses elevate any outfit from day to night + with sleek, modern styling. + price: 93.99 + image: 7c0147c7-4dba-4d4c-a543-57c5da5a4774.jpg + gender_affinity: F + where_visible: UI +- id: cd8355e3-d70a-4243-a216-37e30319023d + current_stock: 6 + name: Funky Retro Glasses for Bold Women + category: accessories + style: glasses + description: Funky retro glasses with thick colorful frames for bold women seeking + vintage-inspired accessories to make a stylish statement. + price: 45.99 + image: cd8355e3-d70a-4243-a216-37e30319023d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 161ff272-2e10-46ff-895a-83c52e3ce8ed + current_stock: 19 + name: Funky Colorful Glasses for Bold Flair + category: accessories + style: glasses + description: Show your unique style with these vibrant and fashionable women's glasses! + The thick, chunky frames in fun colors like red, blue, and pink add bold flair + to any outfit. Made just for women, the oversized square shape makes a playful + statement while providing clear UV protected vision. Lightweight for comfort, + these glasses showcase your flair. + price: 150.99 + image: 161ff272-2e10-46ff-895a-83c52e3ce8ed.jpg + gender_affinity: F + where_visible: UI +- id: 9e676f4b-d23f-416e-9b12-ce2179c88caf + current_stock: 13 + name: Stylish Eyewear for Chic Sophistication + category: accessories + style: glasses + description: Make a stylish statement with the Spiffy Glasses. These lightweight, + curved frames flatter with delicate femininity. Enjoy chic sophistication and + visual clarity in one pair of glasses. + price: 78.99 + image: 9e676f4b-d23f-416e-9b12-ce2179c88caf.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: c912eaa1-6c6c-4096-8194-ab220e1830c0 + current_stock: 7 + name: Stylish Cat-Eye Glasses for Fashionistas + category: accessories + style: glasses + description: Stylish cat-eye glasses with sleek angular frames. Glamorous silhouette + designed for the fashion-forward woman. Ultrahip collection redefining eyewear + with contemporary styling and quality craftsmanship. Sophisticated finishing touch + for any outfit. + price: 88.99 + image: c912eaa1-6c6c-4096-8194-ab220e1830c0.jpg + gender_affinity: F + where_visible: UI +- id: 6a90d0b3-930c-46c3-b093-f55c60eb27a2 + current_stock: 8 + name: Chic Glasses Elevate Your Look + category: accessories + style: glasses + description: Elevate your look with these chic Spiffy Glasses. Sophisticated frames + flatter and complement, while high-quality lenses provide visual clarity. An effortless + touch of glam for any outfit. + price: 133.99 + image: 6a90d0b3-930c-46c3-b093-f55c60eb27a2.jpg + gender_affinity: F + where_visible: UI +- id: d24d73d1-2c7e-4fe8-abe7-88de2c2bca51 + current_stock: 10 + name: Stylish Polarized Glasses for Her + category: accessories + style: glasses + description: Make a fashion statement with these sleek and modern polarized glasses. + The lightweight frames and stylish design complement any outfit while the UV-blocking + lenses provide glare protection for everyday wear. A versatile accessory for the + fashion-forward woman. + price: 101.99 + image: d24d73d1-2c7e-4fe8-abe7-88de2c2bca51.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: b48717fa-76f0-4cd9-af37-81961de245a6 + current_stock: 14 + name: Stylish Sassy Glasses for Women + category: accessories + style: glasses + description: Stay stylish and confident with these lightweight, durable women's + glasses featuring a sleek frame and scratch-resistant lenses. The fashionable + design complements any look, whether at work or out on the town. + price: 134.99 + image: b48717fa-76f0-4cd9-af37-81961de245a6.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 39d2d574-f973-4dbb-9c2c-8ae277a812db + current_stock: 12 + name: Sleek Polarized Glasses for Her + category: accessories + style: glasses + description: Stylish, lightweight women's glasses with polarized lenses to reduce + glare. Versatile accessory complements any look from casual weekends to dressy + dates. Durable, sleek design built to last. + price: 108.99 + image: 39d2d574-f973-4dbb-9c2c-8ae277a812db.jpg + gender_affinity: F + where_visible: UI +- id: 3dbfc503-b595-4fed-bb7f-b60202b0b835 + current_stock: 19 + name: Funky Retro Glasses for Bold Style + category: accessories + style: glasses + description: Make a bold, retro statement with these funky women's glasses! The + thick plastic frames in vibrant colors and shapes add playful, eye-catching flair + to your outfit. Show off your fun personality with these whimsical yet stylish + eyewear accessories. + price: 61.99 + image: 3dbfc503-b595-4fed-bb7f-b60202b0b835.jpg + gender_affinity: F + where_visible: UI +- id: dc073623-4b95-47d9-93cb-0171c20baa04 + current_stock: 17 + name: Funky Retro Cat-Eye Glasses + category: accessories + style: glasses + description: Show off your bold, artistic style with these retro cat-eye glasses + from our stylish women's eyewear collection. The lightweight plastic frames come + in vibrant, groovy colors to make a fashion statement. + price: 131.99 + image: dc073623-4b95-47d9-93cb-0171c20baa04.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 3d8b3023-0b1e-4da4-8bc3-fc130bbedf17 + current_stock: 15 + name: Stylish Shades for Trendy Women + category: accessories + style: glasses + description: Make a bold, chic statement with these lightweight, sleek women's glasses. + Fashion-forward UV protective lenses and a versatile design allow you to shine + your inner fashionista, whether dressing up or going casual. + price: 144.99 + image: 3d8b3023-0b1e-4da4-8bc3-fc130bbedf17.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 9fbbfe69-98f3-43a6-9a78-7d8ac254a777 + current_stock: 6 + name: Stylish Cat-Eye Glasses for Edgy Women + category: accessories + style: glasses + description: Make a bold, fashion-forward statement with these sleek yet edgy cat-eye + glasses. Flattering angular frame with lightweight durability. Stylish women's + accessory provides UV protection and blue light filtering for daily wear. + price: 126.99 + image: 9fbbfe69-98f3-43a6-9a78-7d8ac254a777.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 101c0296-48b4-496d-accd-2205e79a0048 + current_stock: 12 + name: Stylish Glasses for Bold Women + category: accessories + style: glasses + description: Ultrachic Glasses - a bold yet sophisticated fashion accessory for + the discerning woman. These lightweight, durable frames comfortably fit a variety + of faces while making a stylish statement. + price: 100.99 + image: 101c0296-48b4-496d-accd-2205e79a0048.jpg + gender_affinity: F + where_visible: UI +- id: 7f9e25ec-34a9-4b27-9f97-041c58e6640e + current_stock: 7 + name: Stylish Cat-Eye Glasses for Edgy Looks + category: accessories + style: glasses + description: Make a stylish statement with these edgy cat-eye glasses featuring + a lightweight metal frame and sleek angular lines. Fashion-forward yet functional + for clear vision; a versatile accessory to add bold flair to any look. + price: 56.99 + image: 7f9e25ec-34a9-4b27-9f97-041c58e6640e.jpg + gender_affinity: F + where_visible: UI +- id: 62942cf9-1e04-4862-9274-70f20df3eea1 + current_stock: 14 + name: Stylish Metallic Accent Glasses + category: accessories + style: glasses + description: Sleek, modern glasses featuring subtle metallic accents and a lightweight + minimalist frame. An ultrahip versatile accessory that seamlessly transitions + from day to night wear. + price: 75.99 + image: 62942cf9-1e04-4862-9274-70f20df3eea1.jpg + gender_affinity: F + where_visible: UI +- id: 5af0136a-862b-42fa-a127-958a8bbd2167 + current_stock: 19 + name: Bold Funky Glasses for Fashionistas + category: accessories + style: glasses + description: Funky Colorful Statement Glasses - Make a bold & fun fashion statement + with these vibrantly tinted eye-catching accessories. Durable frame with thick + arms in exciting colors. Perfect stylish addition for any outfit! + price: 78.99 + image: 5af0136a-862b-42fa-a127-958a8bbd2167.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 0d76bb55-cd0f-4efb-afda-613b6c6e1fae + current_stock: 8 + name: Stylish Glasses for Effortless Chic + category: accessories + style: glasses + description: Our sleek and sophisticated Ultrahip Glasses feature a modern, lightweight + frame with subtle metallic accents for an effortlessly chic look. Flattering and + versatile, these glasses transition seamlessly from work to weekend. + price: 113.99 + image: 0d76bb55-cd0f-4efb-afda-613b6c6e1fae.jpg + gender_affinity: F + where_visible: UI +- id: fe5eeda8-c467-4e01-bf14-1b72b6f538ca + current_stock: 18 + name: Funky Retro Cat-Eye Glasses + category: accessories + style: glasses + description: Make a retro-chic statement with these chunky cat-eye glasses. The + durable plastic frames in vibrant colors flatter all face shapes. Scratch-resistant + lenses provide UV protection and lasting comfort. Express your artistic style + with these fun, lightweight glasses. + price: 132.99 + image: fe5eeda8-c467-4e01-bf14-1b72b6f538ca.jpg + gender_affinity: F + where_visible: UI +- id: 153e9e50-f913-4195-b2bb-41c0f636d21d + current_stock: 14 + name: Stylish Angular Glasses for Women + category: accessories + style: glasses + description: Swanky Glasses are an elegant, lightweight pair of angular women's + glasses with a polished finish. These sophisticated accessories feature clean + lines and luxe details for a contemporary, glamorous look that complements any + outfit. + price: 50.99 + image: 153e9e50-f913-4195-b2bb-41c0f636d21d.jpg + gender_affinity: F + where_visible: UI +- id: 9806dee6-9129-4fd3-9dbe-9883ffdf187b + current_stock: 18 + name: Stylish Cat-Eye Glasses for Women + category: accessories + style: glasses + description: Introducing Voguish Cat-Eye Glasses - a stylish and lightweight pair + of women's glasses that are both fashionable and flattering. These trendy yet + timeless accessories complete any outfit with elegance and flair. Crafted with + quality materials in chic shapes and colors, Voguish eyewear makes a bold fashion + statement. + price: 55.99 + image: 9806dee6-9129-4fd3-9dbe-9883ffdf187b.jpg + gender_affinity: F + where_visible: UI +- id: b11944ce-c888-4ddb-8f64-f89a6d628288 + current_stock: 11 + name: Stylish Angular Glasses for Chic Women + category: accessories + style: glasses + description: Presenting the Swanky Angular Glasses - a chic and sophisticated eyewear + accessory for the modern woman. Crafted with lightweight elegance, these polished + angular frames deliver contemporary style with timeless glamour. + price: 99.99 + image: b11944ce-c888-4ddb-8f64-f89a6d628288.jpg + gender_affinity: F + where_visible: UI +- id: 62cffe33-18c5-4fe6-852c-988271dff3e1 + current_stock: 18 + name: Stylish Black Glasses for Fashion-Forward Women + category: accessories + style: glasses + description: Express your stylish flair with these sleek, lightweight black glasses + featuring angular lenses in durable frames. Their bold yet sophisticated look + complements any outfit for the fashion-forward woman. + price: 137.99 + image: 62cffe33-18c5-4fe6-852c-988271dff3e1.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 0451bd94-f74f-4fb6-99db-951275508ae3 + current_stock: 7 + name: Sleek Metallic Geometric Glasses + category: accessories + style: glasses + description: These sleek, metallic geometric glasses effortlessly add modern chic + style to every outfit. With a bold, angular frame, this lightweight accessory + is the perfect finisher for the fashion-forward woman. + price: 105.99 + image: 0451bd94-f74f-4fb6-99db-951275508ae3.jpg + gender_affinity: F + where_visible: UI +- id: 273065c3-745d-4346-b1e0-9803948e7978 + current_stock: 8 + name: Stylish Hip Glasses for Men + category: accessories + style: glasses + description: Make a stylish statement with the Hip Glasses for Men. These lightweight, + durable frames feature a sleek, modern design and come in various colors to match + any look. Enjoy flawless vision and UV protection with scratch-resistant lenses. + price: 61.99 + image: 273065c3-745d-4346-b1e0-9803948e7978.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a5a8b97e-8464-4da5-ab78-3531e5d313df + current_stock: 12 + name: Funky Retro Sunnies + category: accessories + style: glasses + description: Express your groovy flair with these sleek, lightweight retro glasses. + Their stylish design features a classic shape with modern details for all-day + wear. Look cool while protecting your eyes from UV rays. + price: 90.99 + image: a5a8b97e-8464-4da5-ab78-3531e5d313df.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: c219ee74-6a27-4dd2-8ccb-f3c6611e5d9f + current_stock: 12 + name: Sleek Polarized Glasses for Men + category: accessories + style: glasses + description: Stylish, polarized men's glasses with sleek gunmetal frame and lenses. + Reduces glare and protects eyes from UV rays while adding sophisticated flair + to any outfit. Lightweight, durable, and comfortable for all-day wear. The perfect + versatile accessory to elevate your style. + price: 56.99 + image: c219ee74-6a27-4dd2-8ccb-f3c6611e5d9f.jpg + gender_affinity: M + where_visible: UI +- id: c3d0fa25-54b9-4876-8a83-9c10e35c711f + current_stock: 7 + name: Stylish Men's Vision Glasses + category: accessories + style: glasses + description: Express your style with these sleek, sophisticated men's glasses. Crafted + for comfort, the angular frames and glare-reducing lenses offer crisp vision and + bold refinement to elevate any look. + price: 90.99 + image: c3d0fa25-54b9-4876-8a83-9c10e35c711f.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: eb18ce0f-6a22-41e6-b04a-27daab2846d0 + current_stock: 18 + name: Stylish Glasses for Sharp Dressed Men + category: accessories + style: glasses + description: Stylish, sleek men's glasses with durable frame and lenses. Fashionable + accessory provides visual clarity, UV protection, and sophisticated yet eye-catching + look. Upgrade your wardrobe with these functional and flair-adding glasses. + price: 73.99 + image: eb18ce0f-6a22-41e6-b04a-27daab2846d0.jpg + gender_affinity: M + where_visible: UI +- id: 69ef5b6e-72d0-4e8e-b781-1762a33c2ab8 + current_stock: 17 + name: Bold Style Meets Function + category: accessories + style: glasses + description: Bold vibrance meets functionality in these polarized fashion glasses + for men. Stylish design with UV protection make them the perfect eyewear accessory. + price: 131.99 + image: 69ef5b6e-72d0-4e8e-b781-1762a33c2ab8.jpg + gender_affinity: M + where_visible: UI +- id: 1f86f829-3fd7-4f4e-8003-5702c52a5034 + current_stock: 8 + name: Funky Retro Wayfarer Spectacles + category: accessories + style: glasses + description: Bold, retro frames define these stylish Groovy Glasses. With a classic + wayfarer silhouette and durable build, these men's glasses add vintage flair to + any outfit. + price: 58.99 + image: 1f86f829-3fd7-4f4e-8003-5702c52a5034.jpg + gender_affinity: M + where_visible: UI +- id: e358575b-7983-4f61-9902-bd44ce9ead6b + current_stock: 7 + name: Stylish Sophisticated Eyewear for Confident Men + category: accessories + style: glasses + description: Crafted for stylish men, these sleek, modern Ultracool Glasses feature + angular frames and tinted lenses to make a bold fashion statement. With lightweight, + durable frames and UV protection, they add sophistication while keeping eyes shaded + in confident coolness. + price: 81.99 + image: e358575b-7983-4f61-9902-bd44ce9ead6b.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 31e38e25-f6be-43de-a7d1-facbc1f1529b + current_stock: 16 + name: Stylish Dapper Glasses for Men + category: accessories + style: glasses + description: Expertly crafted with sleek durable frames, these stylish dapper glasses + for men add sophisticated polish to any outfit. The lightweight durable design + provides precision comfort and timeless class. + price: 144.99 + image: 31e38e25-f6be-43de-a7d1-facbc1f1529b.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 36d7d18d-d064-4009-8a2d-8ddf7884daca + current_stock: 10 + name: Stylish Sunglasses for Discerning Men + category: accessories + style: glasses + description: Sleek and stylish sunglasses featuring polished metal frames and tinted + UV protected lenses. The Ultracool Glasses offer a modern look and lasting comfort + for discerning men seeking fashionable eye protection. + price: 132.99 + image: 36d7d18d-d064-4009-8a2d-8ddf7884daca.jpg + gender_affinity: M + where_visible: UI +- id: 7f9c0b7e-0fdb-437d-8a7d-e165e81cced4 + current_stock: 19 + name: Stylish Men's Glasses for Trendsetters + category: accessories + style: glasses + description: Make a stylish statement with these sleek, modern men's glasses. Crafted + with contemporary lines, these trendsetting frames complement any look while delivering + sharp vision with fashion-forward flair. + price: 150.99 + image: 7f9c0b7e-0fdb-437d-8a7d-e165e81cced4.jpg + gender_affinity: M + where_visible: UI +- id: 5a0f6f0b-8e77-49c0-aac5-f452ae1054fa + current_stock: 6 + name: Ultracool Shades for Stylish Protection + category: accessories + style: glasses + description: Sleek metal frame sunglasses with UV protected lenses. Stylish and + versatile for any occasion. Look cool while protecting your eyes with these ultracool + shades. + price: 102.99 + image: 5a0f6f0b-8e77-49c0-aac5-f452ae1054fa.jpg + gender_affinity: M + where_visible: UI +- id: 0e3eb8f1-8f23-41fd-9f45-8e7747a5eb37 + current_stock: 12 + name: Dandyish Vintage-Inspired Glasses for Men + category: accessories + style: glasses + description: Crafted with slender metal frames and light tint lenses, these vintage-inspired + men's glasses add subtle flair to any dapper look. The lightweight Dandyish eyewear + features a classic shape suitable for rounded or angular faces. + price: 112.99 + image: 0e3eb8f1-8f23-41fd-9f45-8e7747a5eb37.jpg + gender_affinity: M + where_visible: UI +- id: 90074fe9-2a80-4247-86b0-12211cf024dd + current_stock: 11 + name: Stylish Retro Glasses for Any Look + category: accessories + style: glasses + description: Rectangular retro frames with sleek metal arms give these hip unisex + glasses a cool, contemporary edge. Lightweight and durable, they're a stylish + accessory for any outfit. + price: 100.99 + image: 90074fe9-2a80-4247-86b0-12211cf024dd.jpg + gender_affinity: M + where_visible: UI +- id: 441c2a65-4b68-4864-b014-04a9bd9fe08a + current_stock: 7 + name: Stylish Glasses for Men + category: accessories + style: glasses + description: Swell Glasses offer men a stylish, polished look with sleek, lightweight + frames and premium lenses. These durable, modern eyewear accessories upgrade any + outfit while providing clear, sharp vision. + price: 74.99 + image: 441c2a65-4b68-4864-b014-04a9bd9fe08a.jpg + gender_affinity: M + where_visible: UI +- id: 9530f9fb-ebbe-4da4-9530-d728053c23ca + current_stock: 10 + name: Stylish Men's Glasses - Look Cool & See Clear + category: accessories + style: glasses + description: Make a stylish statement with these sleek, lightweight men's glasses. + Featuring durable UV protection lenses in a modern frame, these cool accessories + elevate your look while providing clear vision and all-day comfort. + price: 145.99 + image: 9530f9fb-ebbe-4da4-9530-d728053c23ca.jpg + gender_affinity: M + where_visible: UI +- id: c11354c7-a2fa-489d-9850-1ce5dcebeec5 + current_stock: 13 + name: Stylish Polarized Sunglasses for Men + category: accessories + style: glasses + description: Stylish, durable men's sunglasses with polarized lenses to filter glare. + The lightweight, sleek frame offers a modern look and comfortable wear while the + UV protection keeps eyes safe in sunny conditions. A fashionable accessory for + any outfit. + price: 143.99 + image: c11354c7-a2fa-489d-9850-1ce5dcebeec5.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 7c94be0d-e4c7-4f22-8adc-7619f1df5c26 + current_stock: 19 + name: Stylish Modern Glasses for Men + category: accessories + style: glasses + description: Ultra-stylish, lightweight men's glasses with sleek modern frames and + UV protection lenses. These fashionable accessories offer a cool way to see clearly + while elevating your look. Durable, comfortable, and specifically designed for + the discerning modern man. + price: 135.99 + image: 7c94be0d-e4c7-4f22-8adc-7619f1df5c26.jpg + gender_affinity: M + where_visible: UI +- id: 39f54127-2206-445c-ab15-ffb044137c56 + current_stock: 10 + name: Stylish Polarized Swell Glasses + category: accessories + style: glasses + description: With a sleek titanium frame and polarized lenses, these stylish Swell + Glasses protect your eyes from glare while complementing any outfit. Durable, + comfortable, and available in trendy colors, these versatile unisex sunglasses + are an impeccable accessory. + price: 131.99 + image: 39f54127-2206-445c-ab15-ffb044137c56.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: bc3a633f-d164-4911-a931-4350f958d767 + current_stock: 19 + name: Stylish Hip Glasses for Men + category: accessories + style: glasses + description: Make a stylish statement with these sleek, lightweight men's glasses + featuring a hip, modern frame and scratch-resistant lenses that provide flawless + vision and 100% UV protection. + price: 121.99 + image: bc3a633f-d164-4911-a931-4350f958d767.jpg + gender_affinity: M + where_visible: UI +- id: e41fe9b4-db67-4726-9624-335e01098abb + current_stock: 18 + name: Stylish Rectangular Glasses for Trendsetters + category: accessories + style: glasses + description: Trendy rectangular glasses with sleek metal frame elevate your look + with subtle flair. Lightweight and durable with thin arms, these unisex accessories + complement any outfit with a contemporary edge. + price: 108.99 + image: e41fe9b4-db67-4726-9624-335e01098abb.jpg + gender_affinity: M + where_visible: UI +- id: ff973006-27da-45dd-899c-8441c5eaebe0 + current_stock: 13 + name: Funky Retro Glasses for Groovy Guys + category: accessories + style: glasses + description: With an unparalleled retro style, these sleek lightweight men's glasses + feature a curved frame and rich details for a sophisticated, funky flair. Crafted + for form and function. + price: 140.99 + image: ff973006-27da-45dd-899c-8441c5eaebe0.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: ca3f03ff-72a5-4a6a-9cd9-a513fcde604e + current_stock: 13 + name: Stylish Supercool Glasses for Men + category: accessories + style: glasses + description: Style and vision meet with these Supercool Glasses. Their slick, modern + design makes a bold fashion statement while providing crystal clear optics through + durable, lightweight frames and lenses. See and be seen in these superior unisex + eyewear. + price: 118.99 + image: ca3f03ff-72a5-4a6a-9cd9-a513fcde604e.jpg + gender_affinity: M + where_visible: UI +- id: 321f93c5-c289-4418-ae3d-05c524f867ad + current_stock: 18 + name: Stylish Men's Glasses for Any Look + category: accessories + style: glasses + description: Make a subtle yet stylish statement with these sleek, modern frames. + Durable, lightweight, and comfortable, these trendy glasses elevate any outfit + for the fashionable man. + price: 59.99 + image: 321f93c5-c289-4418-ae3d-05c524f867ad.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: c0a8f249-ed54-4860-8417-5875beffbcf1 + current_stock: 8 + name: Stylish Reading Glasses for Men + category: accessories + style: glasses + description: Sleek, lightweight men's reading glasses with stylish modern frames + in on-trend colors. Magnified lenses provide clearer vision while the trendy shape + flatters your face. An urban chic accessory for any outfit. + price: 103.99 + image: c0a8f249-ed54-4860-8417-5875beffbcf1.jpg + gender_affinity: M + where_visible: UI +- id: 55726766-f273-405b-b90c-c339a0d9609a + current_stock: 8 + name: Funky Retro Glasses for Guys + category: accessories + style: glasses + description: With a classic retro design, these durable and lightweight plastic + sunglasses for men offer UV protection, scratch-resistant lenses, and a vibrant, + fun style. Make a bold fashion statement with these groovy rectangular shades! + price: 100.99 + image: 55726766-f273-405b-b90c-c339a0d9609a.jpg + gender_affinity: M + where_visible: UI +- id: f35ae4b4-b1ac-4c95-ac58-d66f7158680e + current_stock: 8 + name: Stylish Sunglasses for Ultracool Men + category: accessories + style: glasses + description: Ultracool men's sunglasses feature sleek metal frames with tinted lenses + to make a bold fashion statement. The lightweight, UV protected shades complement + any look while protecting your eyes in style. + price: 131.99 + image: f35ae4b4-b1ac-4c95-ac58-d66f7158680e.jpg + gender_affinity: M + where_visible: UI +- id: 9b7c2e0c-ad9d-4269-a904-f5a948b46f66 + current_stock: 18 + name: Stylish Men's Glasses - See Clearly in Style + category: accessories + style: glasses + description: Make a bold style statement with Swell's sleek, lightweight men's glasses. + These durable, premium eyewear accessories feature a stylish silhouette designed + specifically for the modern man's aesthetic. See the world clearly while showcasing + your confidence and sophistication. + price: 126.99 + image: 9b7c2e0c-ad9d-4269-a904-f5a948b46f66.jpg + gender_affinity: M + where_visible: UI +- id: dcc91c9f-60e8-4232-9a79-2ce51736c087 + current_stock: 13 + name: Stylish Dandy Glasses + category: accessories + style: glasses + description: Refined, sophisticated Dandyish Glasses add distinguished style. Sturdy + frame with polished metal and acetate detailing give an aura of elegance. Elevate + your look with these bold yet sleek glasses. + price: 68.99 + image: dcc91c9f-60e8-4232-9a79-2ce51736c087.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: b9eef17f-2ee0-4a08-b22f-2c2cd24e04d7 + current_stock: 18 + name: Stylish Glasses for Dapper Men + category: accessories + style: glasses + description: Expertly crafted with sleek, lightweight frames, these Dapper Glasses + accentuate your best features with a sophisticated, confident style for any occasion. + price: 66.99 + image: b9eef17f-2ee0-4a08-b22f-2c2cd24e04d7.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 9943c887-d454-420d-a39b-b4a81e2980b7 + current_stock: 10 + name: Stylish Faux Leather Handbag + category: accessories + style: handbag + description: The Sienna handbag offers stylish, versatile faux leather design with + plenty of interior storage to keep belongings organized. An elegant accessory + for work or weekends. + price: 97.99 + image: 9943c887-d454-420d-a39b-b4a81e2980b7.jpg + gender_affinity: F + where_visible: UI +- id: aedc65f7-684c-4e4a-bcd0-455dae355ced + current_stock: 13 + name: Rust Slouchy Leather Handbag + category: accessories + style: handbag + description: Trendy rust leather handbag with slouchy silhouette offers spacious + main compartment and inner pockets to keep you organized. Adjustable strap and + top zip closure provide carrying comfort and security for the fashionable woman + on-the-go. + price: 126.99 + image: aedc65f7-684c-4e4a-bcd0-455dae355ced.jpg + gender_affinity: F + where_visible: UI +- id: 2b67230f-dc22-462e-9afe-c9e459f74093 + featured: true + current_stock: 13 + name: Earthy Tan Handbag for Free Spirits + category: accessories + style: handbag + description: Crafted from premium materials, this trendy tan handbag has an earthy + hue and sleek design with adjustable strap and multiple pockets to keep belongings + organized on your free-spirited adventures. + price: 78.99 + image: 2b67230f-dc22-462e-9afe-c9e459f74093.jpg + gender_affinity: F + where_visible: UI +- id: 202ee1c4-22af-4329-8672-b218174bf293 + current_stock: 9 + name: Stylish Tan Handbag + category: accessories + style: handbag + description: This tan faux leather handbag features a stylish design and spacious + interior to hold daily essentials. Made of durable materials, it has multiple + pockets for organization and an adjustable strap for easy carrying. The perfect + accessory to complement any outfit. + price: 81.99 + image: 202ee1c4-22af-4329-8672-b218174bf293.jpg + gender_affinity: F + where_visible: UI +- id: 7834e768-8c84-4c0b-9372-6f65a3207a14 + current_stock: 19 + name: Stylish Gray Leather Handbag + category: accessories + style: handbag + description: This stylish light gray leather handbag is a versatile accessory for + any occasion. Its roomy interior keeps essentials organized, while sleek silver + hardware lends subtle sophistication. + price: 133.99 + image: 7834e768-8c84-4c0b-9372-6f65a3207a14.jpg + gender_affinity: F + where_visible: UI +- id: 6f5b874d-68c7-435d-a66d-8296461c10e4 + current_stock: 18 + name: Sleek Gray Handbag for Everyday Style + category: accessories + style: handbag + description: This lightweight, versatile pale gray handbag features a sleek, modern + design and spacious interior to carry daily essentials in style. An elegant accessory + that pairs effortlessly with any outfit. + price: 99.99 + image: 6f5b874d-68c7-435d-a66d-8296461c10e4.jpg + gender_affinity: F + where_visible: UI +- id: 607ba878-0a8c-4330-ac83-8472886cfe2b + current_stock: 12 + name: Coral Leather Handbag Pops + category: accessories + style: handbag + description: This versatile light coral leather handbag adds a pop of color to any + outfit. With multiple interior pockets and an adjustable strap, it keeps belongings + organized while carrying comfortably from day to night. A wardrobe essential for + women. + price: 83.99 + image: 607ba878-0a8c-4330-ac83-8472886cfe2b.jpg + gender_affinity: F + where_visible: UI +- id: 742a7479-f734-44bf-b826-f76ebe254f55 + current_stock: 11 + name: Stylish Leather Handbag + category: accessories + style: handbag + description: This handcrafted leather handbag is a timeless classic with a versatile + silhouette to pair with any outfit. Expertly designed using high-quality materials + for long-lasting durability and a subtle elegance. An everyday essential bag to + hold your daily necessities in impeccable style. + price: 103.99 + image: 742a7479-f734-44bf-b826-f76ebe254f55.jpg + gender_affinity: F + where_visible: UI +- id: 7250b108-96cc-45f7-b3f0-0e38d7277a8d + current_stock: 9 + name: Stylish Dark Gray Handbag + category: accessories + style: handbag + description: This versatile dark gray handbag features a spacious interior and chic + minimalist design. Crafted with durable materials, it's perfect for work, travel, + or leisure. + price: 100.99 + image: 7250b108-96cc-45f7-b3f0-0e38d7277a8d.jpg + gender_affinity: F + where_visible: UI +- id: 5eddfb54-b2cf-4616-a5d0-08c509074a23 + current_stock: 11 + name: Rustic Leather Tote + category: accessories + style: handbag + description: This on-trend burlywood leather handbag features a chic, softly structured + shape for versatile day-to-night wear. Roomy interior keeps daily essentials organized + in style. + price: 85.99 + image: 5eddfb54-b2cf-4616-a5d0-08c509074a23.jpg + gender_affinity: F + where_visible: UI +- id: 16c829fc-6585-426d-a1cd-922266e20678 + current_stock: 13 + name: Rustic Tan Satchel + category: accessories + style: handbag + description: The Sienna handbag features a timeless, neutral design crafted from + quality faux leather with polished gold hardware. This versatile accessory offers + ample storage with interior pockets to keep you organized in sleek style. + price: 85.99 + image: 16c829fc-6585-426d-a1cd-922266e20678.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: b98a3579-2a92-47e5-a9ae-65d776c76ac3 + current_stock: 6 + name: Stylish Beige Leather Handbag + category: accessories + style: handbag + description: Expertly crafted from premium leather, this timeless beige handbag + offers versatile styling and impeccable quality. With a roomy interior and pockets + to stay organized, it's a first-class accessory for work, travel, or everyday + wear. + price: 144.99 + image: b98a3579-2a92-47e5-a9ae-65d776c76ac3.jpg + gender_affinity: F + where_visible: UI +- id: 8840e8ea-d896-4132-80ea-1247b95bb62d + current_stock: 15 + name: Playful Green Apple Handbag + category: accessories + style: handbag + description: Presenting the playful green apple-shaped handbag, a charming accessory + that adds a pop of color and unique flair to any outfit. Spacious interior keeps + daily essentials organized in vibrant style. + price: 96.99 + image: 8840e8ea-d896-4132-80ea-1247b95bb62d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: c07ba51e-48d5-4efb-bce7-95fd6243666a + current_stock: 18 + name: Slate Blue Leather Handbag + category: accessories + style: handbag + description: Introducing the Dark Slate Blue Leather Handbag - a chic, versatile + accessory crafted from rich leather with ample storage for daily essentials. This + supercool handbag pops with its eye-catching color yet remains casual enough for + any outfit, whether traveling through the city or wandering in nature. + price: 144.99 + image: c07ba51e-48d5-4efb-bce7-95fd6243666a.jpg + gender_affinity: F + where_visible: UI +- id: 977d3ee7-3a40-4043-8164-c7f66e384940 + current_stock: 17 + name: Sleek Gray Leather Day to Night Handbag + category: accessories + style: handbag + description: Sleek and versatile light gray leather handbag with silver hardware + transitions effortlessly from day to night. Roomy interior keeps essentials organized + with adjustable strap and multiple pockets for on-the-go style and comfort. + price: 101.99 + image: 977d3ee7-3a40-4043-8164-c7f66e384940.jpg + gender_affinity: F + where_visible: UI +- id: e4a642fd-fe92-44b6-9d9a-81a430d8f3f7 + current_stock: 9 + name: Chic Maroon Leather Handbag + category: accessories + style: handbag + description: This chic maroon leather handbag crafted from rich, supple leather + features multiple pockets, an adjustable shoulder strap, and elegant gold accents + for a versatile accessory to add a pop of color to any outfit. + price: 87.99 + image: e4a642fd-fe92-44b6-9d9a-81a430d8f3f7.jpg + gender_affinity: F + where_visible: UI +- id: a01ee85c-f301-4e22-97e0-ca3065ddb19d + current_stock: 11 + name: Rustic Tan Leather Tote + category: accessories + style: handbag + description: Crafted from fine leather, this classic sandy brown handbag is a timeless + and durable accessory. With a roomy interior and multiple pockets, it keeps belongings + organized in style for everyday use. + price: 149.99 + image: a01ee85c-f301-4e22-97e0-ca3065ddb19d.jpg + gender_affinity: F + where_visible: UI +- id: 15b3ec7d-8381-454b-ab23-4606be9a176f + current_stock: 7 + name: Stylish Red Handbag for Any Outfit + category: accessories + style: handbag + description: This timeless and versatile red handbag complements any outfit. Crafted + with quality materials, it's a stylish accessory for both casual and dressy occasions. + price: 81.99 + image: 15b3ec7d-8381-454b-ab23-4606be9a176f.jpg + gender_affinity: F + where_visible: UI +- id: 0485ddb0-0112-4a31-afe0-75f9ddf6e14f + current_stock: 18 + name: Stylish Pink Faux Leather Handbag + category: accessories + style: handbag + description: Make a stylish statement with this eye-catching pink faux leather handbag. + Featuring a spacious interior to keep belongings organized, an adjustable strap + for comfort, and chic details to elevate any outfit. + price: 100.99 + image: 0485ddb0-0112-4a31-afe0-75f9ddf6e14f.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 68a13141-37a2-4caf-925b-33a7b6310861 + current_stock: 10 + name: Stylish Leather Handbag + category: accessories + style: handbag + description: Expertly crafted from fine leather, this timeless and versatile handbag + features elegant design with clean lines. The supple durable leather will become + richer over time. It's thoughtfully designed with pockets to keep your belongings + organized. + price: 114.99 + image: 68a13141-37a2-4caf-925b-33a7b6310861.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 4df77d59-732e-4194-b9aa-7ad3878345e7 + current_stock: 17 + name: Tan Leather Handbag with Timeless Style + category: accessories + style: handbag + description: Expertly crafted from fine leather, this sublime tan handbag features + a timeless and versatile style that pairs effortlessly with any outfit. Its durable + design and elegant shape make it the perfect purse to elevate your look. + price: 114.99 + image: 4df77d59-732e-4194-b9aa-7ad3878345e7.jpg + gender_affinity: F + where_visible: UI +- id: 4545a6e0-fd36-4dd0-962f-f069c20041cb + current_stock: 11 + name: Stylish Gray Handbag for Any Occasion + category: accessories + style: handbag + description: This spacious gray handbag features a sleek, sophisticated design perfect + for dressy occasions. Crafted from quality materials with a roomy interior, it's + a versatile accessory that promises both fashion and function. + price: 102.99 + image: 4545a6e0-fd36-4dd0-962f-f069c20041cb.jpg + gender_affinity: F + where_visible: UI +- id: d52e376b-d958-4d52-ab6d-f7731c7adf22 + current_stock: 16 + name: Stylish Dark Gray Handbag + category: accessories + style: handbag + description: This sleek, dark gray handbag is a sophisticated everyday accessory. + Its versatile neutral color pairs effortlessly with any outfit, while the classic + shape carries your essentials in timeless elegance. + price: 95.99 + image: d52e376b-d958-4d52-ab6d-f7731c7adf22.jpg + gender_affinity: F + where_visible: UI +- id: 49ed0f16-157d-4d9e-a408-5b48b7ec256d + current_stock: 6 + name: Trendy Peru-Orange Handbag Pops Any Outfit + category: accessories + style: handbag + description: This trendy peru-orange dressy handbag adds a pop of color and sophistication + to any outfit. Expertly crafted with a flawless design, it is the perfect versatile + accessory for day or night. + price: 103.99 + image: 49ed0f16-157d-4d9e-a408-5b48b7ec256d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: e65ebcd0-dd43-4fe6-a54a-9e23afbd19fb + current_stock: 11 + name: Stylish Light Pink Ladies Handbag + category: accessories + style: handbag + description: This chic and ladylike light pink handbag adds a feminine touch to + any outfit. Expertly crafted with quality materials, it's as stylish as it is + practical. The perfect accessory for work or an evening out. + price: 94.99 + image: e65ebcd0-dd43-4fe6-a54a-9e23afbd19fb.jpg + gender_affinity: F + where_visible: UI +- id: 00f54e56-4199-4102-ba91-5040f4e45236 + current_stock: 18 + name: Slate Blue Leather Handbag + category: accessories + style: handbag + description: This dark slate blue leather handbag offers timeless elegance and practicality. + Crafted from rich leather with beautiful hardware, it's a striking yet functional + accessory perfect for both special occasions and everyday use. + price: 124.99 + image: 00f54e56-4199-4102-ba91-5040f4e45236.jpg + gender_affinity: F + where_visible: UI +- id: 58e99e9e-8f17-4bda-a82c-f08d3eddacb3 + current_stock: 13 + name: Saddle Brown Leather Tote Bag + category: accessories + style: handbag + description: This rich saddle brown leather handbag is a timeless and versatile + accessory. With plenty of interior storage and a comfortable shoulder strap, it's + both chic and practical - the perfect staple bag for any stylish woman's wardrobe. + price: 87.99 + image: 58e99e9e-8f17-4bda-a82c-f08d3eddacb3.jpg + gender_affinity: F + where_visible: UI +- id: ae654958-7897-4115-8baf-b5059c20d72b + current_stock: 15 + name: Vibrant Red Handbag with Luxe Details + category: accessories + style: handbag + description: Crafted with quality materials, this vibrant tomato red handbag features + a timeless silhouette and luxe gold accents. Stylish and versatile for both day + and evening wear. + price: 85.99 + image: ae654958-7897-4115-8baf-b5059c20d72b.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: c15d7a38-9df9-44ee-8733-6bda17f89e8c + current_stock: 18 + name: Stylish Linen Handbag in Soft Hue + category: accessories + style: handbag + description: Elevate your style with this chic and spacious linen handbag featuring + polished hardware and thoughtful compartments to keep essentials organized. An + elegant accessory made from soft linen in a subtle, sophisticated hue. + price: 127.99 + image: c15d7a38-9df9-44ee-8733-6bda17f89e8c.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 8c36eff5-e299-49c0-8e91-5c72ed5fa605 + current_stock: 6 + name: Stylish Pink Faux Leather Handbag + category: accessories + style: handbag + description: Make a stylish statement with this chic pink handbag! The smooth faux + leather design features a roomy interior to keep daily essentials organized. Adjustable + strap and vibrant color add fashion flair. + price: 129.99 + image: 8c36eff5-e299-49c0-8e91-5c72ed5fa605.jpg + gender_affinity: F + where_visible: UI +- id: d23b8ca9-cd3d-4e92-958c-922cfcd8fb29 + current_stock: 12 + name: Sleek Black Leather Handbag + category: accessories + style: handbag + description: This classic black leather handbag features elegant gold accents and + ample storage to carry your daily essentials in timeless style. Sophisticated + and versatile accessory complements any outfit. + price: 99.99 + image: d23b8ca9-cd3d-4e92-958c-922cfcd8fb29.jpg + gender_affinity: F + where_visible: UI +- id: 4c8e8bed-371a-4664-a5a8-974c65d52d63 + current_stock: 6 + name: Sleek Gainsboro Leather Handbag + category: accessories + style: handbag + description: Crafted from premium leather, this elegant gainsboro handbag features + a roomy interior and multiple pockets to keep your essentials organized in sleek + style. An elevated accessory for the fashion-forward woman. + price: 117.99 + image: 4c8e8bed-371a-4664-a5a8-974c65d52d63.jpg + gender_affinity: F + where_visible: UI +- id: 2f79af83-a6d5-46ab-aed7-3b02ba579ac8 + current_stock: 9 + name: Sleek Gray Handbag with Metallic Flair + category: accessories + style: handbag + description: This chic and versatile gray handbag with metallic accents is crafted + from premium materials for long-lasting style. Its spacious interior keeps essentials + organized, while the sleek exterior complements both casual and formal looks. + price: 132.99 + image: 2f79af83-a6d5-46ab-aed7-3b02ba579ac8.jpg + gender_affinity: F + where_visible: UI +- id: d2fe6937-111e-4bfe-acd7-1098af0af3ce + current_stock: 8 + name: Sleek Cadet Blue Handbag + category: accessories + style: handbag + description: This elegant cadet blue dressy handbag features a sleek design and + luxe color. With roomy interior and versatile style, it's a sophisticated accessory + that elevates any outfit. + price: 123.99 + image: d2fe6937-111e-4bfe-acd7-1098af0af3ce.jpg + gender_affinity: F + where_visible: UI +- id: 5974943a-3e9d-4f94-92fa-012f55151d21 + current_stock: 6 + name: Rustic Tan Evening Clutch + category: accessories + style: handbag + description: Crafted with fine materials, this timeless and sophisticated sandy + brown handbag offers a roomy interior to carry evening essentials. The classic + silhouette and rich color complement both dark and light outfits for a polished + look. + price: 95.99 + image: 5974943a-3e9d-4f94-92fa-012f55151d21.jpg + gender_affinity: F + where_visible: UI +- id: 92caea3c-23c8-4bb0-8a4b-43372adafaae + current_stock: 18 + name: Stylish Salmon Leather Handbag + category: accessories + style: handbag + description: Sleek and stylish, this rich salmon leather handbag is perfect for + dressy occasions. Featuring elegant gold accents and a spacious interior, this + fashionable accessory combines chic style and versatile function. + price: 128.99 + image: 92caea3c-23c8-4bb0-8a4b-43372adafaae.jpg + gender_affinity: F + where_visible: UI +- id: 4c7ab4e5-2028-409c-9b68-afb2a7dc68be + current_stock: 17 + name: Stylish Leather Handbag for Daily Use + category: accessories + style: handbag + description: Expertly crafted leather handbag with a spacious interior to keep daily + essentials organized in chic style. Versatile and functional design with adjustable + strap for comfortable carrying. An elegant and practical accessory to complement + any outfit. + price: 82.99 + image: 4c7ab4e5-2028-409c-9b68-afb2a7dc68be.jpg + gender_affinity: M + where_visible: UI +- id: 4e44c0c1-40d0-43dd-a7fb-8454d779296d + current_stock: 11 + name: Stylish Leather Handbag + category: accessories + style: handbag + description: This spacious and versatile leather handbag features a timeless design + that complements any look. Its durable exterior and multiple interior pockets + keep your belongings organized and secure for work, travel, or daily use. + price: 104.99 + image: 4e44c0c1-40d0-43dd-a7fb-8454d779296d.jpg + where_visible: UI +- id: 371cef78-adf2-4cb0-8e78-02f8cb7ee013 + current_stock: 9 + name: Sleek Edgy Watch for Bold Women + category: accessories + style: watch + description: Make a bold fashion statement with this sleek, modern watch featuring + an eye-catching dial. Its edgy yet elegant design adds standout flair to any outfit. + price: 132.99 + image: 371cef78-adf2-4cb0-8e78-02f8cb7ee013.jpg + gender_affinity: F + where_visible: UI +- id: 77f436a6-b074-42e0-af6d-827b8626e854 + current_stock: 14 + name: Sparkling Crystal Watch for Her + category: accessories + style: watch + description: This glamorous women's watch from Swanky features a stainless steel + case surrounding a crisp white dial with crystal accents. Its sleek and lightweight + profile pairs effortlessly from day to night. + price: 97.99 + image: 77f436a6-b074-42e0-af6d-827b8626e854.jpg + gender_affinity: F + where_visible: UI +- id: a6183f9b-75dc-4dd3-9a1e-3d0fbb0e49f1 + current_stock: 7 + name: Stylish Watch for Fashionable Women + category: accessories + style: watch + description: With its sleek, modern aesthetic, the Sassy Stylish Watch effortlessly + complements any outfit while making a bold fashion statement. This versatile timepiece + transitions seamlessly from day to night with durable craftsmanship and precise + timekeeping. + price: 89.99 + image: a6183f9b-75dc-4dd3-9a1e-3d0fbb0e49f1.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 6928c229-e860-45f9-8720-45e2ea2fae2f + current_stock: 10 + name: Sleek Rose Gold Watch for Stylish Women + category: accessories + style: watch + description: Make a statement with the Ultrahip's minimalist rose gold watch. Its + sleek round stainless steel case houses a precise Japanese quartz movement behind + a fashionable slim-banded dial. Stylish for work or play. + price: 126.99 + image: 6928c229-e860-45f9-8720-45e2ea2fae2f.jpg + gender_affinity: F + where_visible: UI +- id: 41ac9770-6767-48e3-939d-db2e72668241 + current_stock: 9 + name: Stylish Smartwatch for Active Women + category: accessories + style: watch + description: The Supercool Smartwatch keeps you connected, active, and stylish with + activity tracking, notifications, heart rate monitoring, and an elegant rose gold + and leather design. + price: 75.99 + image: 41ac9770-6767-48e3-939d-db2e72668241.jpg + gender_affinity: F + where_visible: UI +- id: 1249276c-851a-4f46-81fb-873fd7d5f60f + current_stock: 12 + name: Stylish Sassy Watch for Any Occasion + category: accessories + style: watch + description: The Sassy Watch is a stylish, lightweight women's accessory with an + interchangeable band in silver, rose gold, or gold tones. This fashionable, durable + watch transitions effortlessly from day to night with its large, easy-to-read + dial. + price: 75.99 + image: 1249276c-851a-4f46-81fb-873fd7d5f60f.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 9c37e1bd-ece1-4319-9349-b80bf86bea15 + current_stock: 18 + name: Sleek Leather Watch Elevates Any Outfit + category: accessories + style: watch + description: Exquisitely crafted leather watch featuring a sleek minimalist design, + sophisticated stainless steel case, and crisp white dial. An elegant accessory + to elevate any outfit. + price: 80.99 + image: 9c37e1bd-ece1-4319-9349-b80bf86bea15.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 7220b5cd-110b-4105-813a-677846470816 + current_stock: 14 + name: Sleek Watch for Sophisticated Style + category: accessories + style: watch + description: The Swell Minimalist Watch epitomizes sophisticated style with its + sleek rounded case and versatile design that effortlessly transitions from day + to night, adding an elegant touch to any outfit. + price: 119.99 + image: 7220b5cd-110b-4105-813a-677846470816.jpg + gender_affinity: F + where_visible: UI +- id: 563bfd0b-9689-4b85-a65e-fbb18051e773 + current_stock: 17 + name: Stylish Round Watch with Funky Flair + category: accessories + style: watch + description: This stylish round leather watch adds a pop of color and playful flair + to any outfit. Its delicate dial with sleek hands complements the soft genuine + leather strap. The perfect accessory for the fashionable woman looking to add + some funky flair to her style. + price: 107.99 + image: 563bfd0b-9689-4b85-a65e-fbb18051e773.jpg + gender_affinity: F + where_visible: UI +- id: b02540b6-76e0-4e76-9ad5-7771cada1584 + current_stock: 6 + name: Trendy Sleek Watch for Her + category: accessories + style: watch + description: This sleek and stylish watch effortlessly transitions from office to + evening with its interchangeable leather and metal bands. The clean dial and slim + design make a fashionable statement. + price: 109.99 + image: b02540b6-76e0-4e76-9ad5-7771cada1584.jpg + gender_affinity: F + where_visible: UI +- id: 564f9ced-8823-45ed-a781-1dc555353dd9 + current_stock: 11 + name: Stylish Watch for Modern Women + category: accessories + style: watch + description: Ultrachic's stylish watch blends fashion and function with its elegant + stainless steel case, soft leather band, sparkling crystal accents, and precise + quartz movement. This luxury accessory makes a statement for the modern woman. + price: 123.99 + image: 564f9ced-8823-45ed-a781-1dc555353dd9.jpg + gender_affinity: F + where_visible: UI +- id: a3a40b11-89eb-4492-96e2-4cf1ffeb3f58 + current_stock: 19 + name: Sleek Timepiece for Stylish Men + category: accessories + style: watch + description: With its bold yet refined gunmetal style, the Hip Watch's sleek analog + display and durable stainless steel case offer sophisticated timekeeping for the + modern man on the go. + price: 84.99 + image: a3a40b11-89eb-4492-96e2-4cf1ffeb3f58.jpg + gender_affinity: M + where_visible: UI +- id: b354d578-7bc2-460e-a1d1-703ae0af1343 + current_stock: 7 + name: Stylish Watch for Trendy Men + category: accessories + style: watch + description: This sleek and stylish watch blends fashion and function for the modern + man. Its versatile design pairs effortlessly with any outfit, making it the perfect + accessory for both dressy and casual wear. Trendy yet timeless, this watch is + built to last while keeping you punctual in style. + price: 95.99 + image: b354d578-7bc2-460e-a1d1-703ae0af1343.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a3d102ea-c01f-4c8b-ae38-08402bc32712 + current_stock: 7 + name: Sleek Minimalist Watch for Stylish Men + category: accessories + style: watch + description: With a sleek and modern design, this versatile Trendy Minimalist Watch + complements any outfit from casual to formal. Crafted with quality materials for + durability, its precise quartz movement ensures accurate timekeeping. + price: 136.99 + image: a3d102ea-c01f-4c8b-ae38-08402bc32712.jpg + gender_affinity: M + where_visible: UI +- id: 4952a24b-7c7c-4ee6-a448-720e97927ba8 + current_stock: 16 + name: Sleek Minimalist Watch for Men + category: accessories + style: watch + description: This sleek, modern men's watch features a durable stainless steel case + and soft leather band for all-day comfort. Its minimalist face keeps precise time + while making a subtle yet bold fashion statement, perfect for both professional + settings and casual weekends. + price: 84.99 + image: 4952a24b-7c7c-4ee6-a448-720e97927ba8.jpg + gender_affinity: M + where_visible: UI +- id: 704532b6-1007-476b-86ee-0258f28edc49 + current_stock: 13 + name: Sleek Modern Men's Watch - Ultracool Accessory + category: accessories + style: watch + description: The Ultracool Watch keeps men on time with sleek, modern style. Its + durable design and useful features like stopwatch and alarm make this the ultimate + accessory for work or play. + price: 145.99 + image: 704532b6-1007-476b-86ee-0258f28edc49.jpg + gender_affinity: M + where_visible: UI +- id: 847f5f30-be58-4c11-88bc-9fd309d673f3 + current_stock: 7 + name: Sleek Brown Leather Watch + category: accessories + style: watch + description: The Dandyish Watch offers sophisticated style with its round stainless + steel case, crisp white dial, and rich brown leather band. Perfect for work or + play, this versatile timepiece features a precise Japanese quartz movement and + sleek, timeless design. + price: 120.99 + image: 847f5f30-be58-4c11-88bc-9fd309d673f3.jpg + gender_affinity: M + where_visible: UI +- id: 785b0efe-f08c-4199-84b7-de45a2c60a56 + current_stock: 7 + name: Rugged Watch for Men's Active Lifestyle + category: accessories + style: watch + description: This rugged yet sophisticated men's quartz watch features a durable + case and band built for active lifestyles. With precise quartz movement and sleek + styling, it's the perfect versatile accessory that transitions effortlessly from + the office to the outdoors. + price: 113.99 + image: 785b0efe-f08c-4199-84b7-de45a2c60a56.jpg + gender_affinity: M + where_visible: UI +- id: 96f6e07f-aafd-4a80-967b-073ad943d072 + current_stock: 16 + name: Sleek Leather Watch, Refined Style + category: accessories + style: watch + description: Sleek and sophisticated, this classic stainless steel and leather men's + watch features precise Japanese quartz movement and clean analog display for refined + everyday style. + price: 82.99 + image: 96f6e07f-aafd-4a80-967b-073ad943d072.jpg + gender_affinity: M + where_visible: UI +- id: 39db1f40-046d-4fa3-861b-babfc4ba4023 + current_stock: 11 + name: Sleek Leather Watch for Stylish Men + category: accessories + style: watch + description: The Swell Watch combines sleek and stylish design with precise Japanese + quartz movement in a versatile men's accessory suitable for work or weekend wear. + price: 90.99 + image: 39db1f40-046d-4fa3-861b-babfc4ba4023.jpg + gender_affinity: M + where_visible: UI +- id: 588161af-cace-4854-889d-0a2258545cb5 + current_stock: 15 + name: Funky Patterned Watch + category: accessories + style: watch + description: This funky patterned watch for men features a stylish, eye-catching + design with a round dial boasting intricate patterns and sleek hands. Its sturdy + yet lightweight build ensures comfortable all-day wear. + price: 136.99 + image: 588161af-cace-4854-889d-0a2258545cb5.jpg + gender_affinity: M + where_visible: UI +- id: 8dc0c122-531b-4cf6-8b6a-defde718f3a8 + current_stock: 15 + name: Sleek Steel Chronograph Watch for Any Occasion + category: accessories + style: watch + description: With its sleek stainless steel design, Japanese quartz movement, and + scratch-resistant dial, this versatile Swell chronograph watch transitions seamlessly + from the office to evening outings with sophisticated style. + price: 140.99 + image: 8dc0c122-531b-4cf6-8b6a-defde718f3a8.jpg + gender_affinity: M + where_visible: UI +- id: 2f1ec487-86b9-4310-ba6d-3121019ef41d + current_stock: 18 + name: Sleek Men's Watch - Stylish and Reliable + category: accessories + style: watch + description: The Groovy Watch's sleek, stylish design makes it the perfect versatile + accessory for any occasion. Its durable case, precise quartz movement, and easy-to-read + dial combine trendy looks with reliable timekeeping. + price: 99.99 + image: 2f1ec487-86b9-4310-ba6d-3121019ef41d.jpg + gender_affinity: M + where_visible: UI +- id: 85af708d-49ef-45dd-9b1f-8770885ba4b2 + current_stock: 13 + name: Rugged Leather Wristwatch for Men + category: accessories + style: watch + description: This classic brown leather watch featuring a stainless steel case and + crisp white dial adds refined style to any outfit. Its Japanese quartz movement + ensures reliable timekeeping. + price: 86.99 + image: 85af708d-49ef-45dd-9b1f-8770885ba4b2.jpg + gender_affinity: M + where_visible: UI +- id: a7fc7d65-a3c7-4793-8c60-8631d208f4a4 + current_stock: 11 + name: Navy Casual Jacket - Cozy All-Season Style + category: apparel + style: jacket + description: This versatile navy blue jacket keeps you cozy in style year-round. + Made from soft, durable fabric, it's lightweight for spring and fall yet substantial + enough to protect from winter chill. An essential outerwear choice for work, errands, + or dinner with friends. + price: 164.99 + image: a7fc7d65-a3c7-4793-8c60-8631d208f4a4.jpg + gender_affinity: F + where_visible: UI +- id: 0aa18bc9-58bf-4a77-bb01-bd59605512ab + current_stock: 19 + name: Cozy Midnight Style Jacket + category: apparel + style: jacket + description: Flatter your figure in this midnight blue casual jacket with a relaxed + silhouette. Soft, lightweight fabric provides cozy warmth for weekend wear. An + effortlessly stylish addition to any woman's wardrobe. + price: 150.99 + image: 0aa18bc9-58bf-4a77-bb01-bd59605512ab.jpg + gender_affinity: F + where_visible: UI +- id: 4a0fa2b3-51a0-4bee-aa6f-90c9905960d2 + current_stock: 10 + name: Cozy Dark Gray Women's Jacket + category: apparel + style: jacket + description: Crafted from soft, durable fabric, this stylish dark slate gray zip-up + jacket keeps you cozy yet comfortable with its relaxed fit, handy pockets and + adjustable hood. The perfect versatile layering piece for her fall wardrobe. + price: 135.99 + image: 4a0fa2b3-51a0-4bee-aa6f-90c9905960d2.jpg + gender_affinity: F + where_visible: UI +- id: be0749f9-f998-4937-aeda-1b400535bea3 + current_stock: 8 + name: Cozy Orange Ski Jacket + category: apparel + style: jacket + description: The Peru-Orange Insulated Women's Coat keeps you warm and dry on chilly + mountain adventures with its water-repellent nylon shell, insulating fleece lining, + and faux fur-trimmed hood. Stay visible in vivid orange as you hike, ski, or snowshoe + in cozy comfort. + price: 173.99 + image: be0749f9-f998-4937-aeda-1b400535bea3.jpg + gender_affinity: F + where_visible: UI +- id: da045e5a-9383-482d-956b-8a3b6d705bdc + current_stock: 14 + name: Flattering, Cozy Warmth + category: apparel + style: jacket + description: Introducing the Rosy Winter Coat, a stylish and cozy mid-length jacket + perfect for keeping fashionably warm. Its water-resistant nylon shell and soft + fleece lining protect you from the cold, while the flattering cut flatters your + figure. Stay chic and comfortable all winter in this versatile coat. + price: 89.99 + image: da045e5a-9383-482d-956b-8a3b6d705bdc.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 3eeaa0d2-b2bf-44d6-83cf-0bd1cb7d32f3 + current_stock: 16 + name: Your Go-To Denim Overcoat + category: apparel + style: jacket + description: Crafted from durable denim, this stylish women's overcoat delivers + cozy warmth and timeless versatility. The slim-fitting design gently drapes over + your figure for a flattering look. + price: 171.99 + image: 3eeaa0d2-b2bf-44d6-83cf-0bd1cb7d32f3.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: d55cb0b4-613b-4dd7-865a-458033564ecc + current_stock: 15 + name: Slate Gray Jacket with Comfort + category: apparel + style: jacket + description: Style and comfort meet in this versatile dark slate gray jacket. The + soft, durable fabric keeps you cozy while the relaxed fit flatters. Zip up this + jacket over your favorite tops for a casually chic look, no matter the season. + price: 107.99 + image: d55cb0b4-613b-4dd7-865a-458033564ecc.jpg + gender_affinity: F + where_visible: UI +- id: ece250d1-7d4d-403b-8941-b90441f42705 + current_stock: 18 + name: Slate Gray Hip Jacket + category: apparel + style: jacket + description: Our stylish women's hip-length jacket blends soft cotton and warmth + for a relaxed yet put-together casual look. The flattering dark slate gray pairs + perfectly with any outfit. + price: 107.99 + image: ece250d1-7d4d-403b-8941-b90441f42705.jpg + gender_affinity: F + where_visible: UI +- id: e841f219-7a7c-4509-bfe2-c13239950051 + current_stock: 16 + name: Stylish Blue Denim Jacket + category: apparel + style: jacket + description: This versatile women's denim jacket features a flattering fit, classic + blue wash, front buttons, chest pockets, and breathable cotton fabric. A stylish + must-have that seamlessly transitions from day to night. + price: 172.99 + image: e841f219-7a7c-4509-bfe2-c13239950051.jpg + gender_affinity: F + where_visible: UI +- id: b03a9d18-3bd9-4d1c-9ebb-2d94cad7c7cc + current_stock: 17 + name: Classic Denim Jacket, Effortlessly Cool + category: apparel + style: jacket + description: Style and versatility meet in this light blue denim jacket, crafted + from soft material with a classic look. Layer it over any outfit to add a touch + of effortless cool to your look in any season. + price: 148.99 + image: b03a9d18-3bd9-4d1c-9ebb-2d94cad7c7cc.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 71624fbc-5ef0-4ce0-badf-fca084a92595 + current_stock: 19 + name: Stylish Denim Jacket + category: apparel + style: jacket + description: Expertly crafted rich denim jacket with flattering mid-rise fit, subtle + fading, and stretch for comfort. An essential addition to your autumn wardrobe + that pairs effortlessly with sweaters, boots, and more. Stylish, cool, and casual. + price: 124.99 + image: 71624fbc-5ef0-4ce0-badf-fca084a92595.jpg + gender_affinity: F + where_visible: UI +- id: 5965d439-5b58-4081-86a2-48bff40d7938 + current_stock: 10 + name: Slate Gray Chic Casual Jacket + category: apparel + style: jacket + description: This chic, lightweight women's jacket features a flattering silhouette + in a cool slate gray, perfect for layering over any outfit. Made with soft, durable + fabric for cozy warmth and everyday versatility. + price: 78.99 + image: 5965d439-5b58-4081-86a2-48bff40d7938.jpg + gender_affinity: F + where_visible: UI +- id: 208ca535-3433-429a-94a3-393c3ec3a7f1 + current_stock: 14 + name: Stylish Green Fleece for Women + category: apparel + style: jacket + description: This wind and water resistant green fleece jacket combines style and + comfort. The relaxed fit allows freedom of movement while the soft fleece lining + retains warmth during cool weather activities. + price: 124.99 + image: 208ca535-3433-429a-94a3-393c3ec3a7f1.jpg + gender_affinity: F + where_visible: UI +- id: 5a5a64ef-dfa2-4c4c-acec-c398c820c945 + current_stock: 14 + name: Cozy Green Jacket for Outdoor Fun + category: apparel + style: jacket + description: Style and warmth combined - this wind-resistant, fleece-lined sky green + jacket with an adjustable waist keeps you cozy in any weather. A versatile women's + jacket perfect for adventures or everyday wear. + price: 97.99 + image: 5a5a64ef-dfa2-4c4c-acec-c398c820c945.jpg + gender_affinity: F + where_visible: UI +- id: 26fd5578-6417-4b0a-a416-bd43083eec22 + current_stock: 10 + name: Stylish Maroon Quilted Winter Coat + category: apparel + style: jacket + description: This stylish maroon quilted coat keeps you warm with its insulating + fabric and faux fur hood. Its water-repellent finish and front zip closure seal + out winter weather during outdoor activities. Fashionable winter outerwear for + women. + price: 78.99 + image: 26fd5578-6417-4b0a-a416-bd43083eec22.jpg + gender_affinity: F + where_visible: UI +- id: 04f22a7d-97fd-4650-afb6-3537963f647d + current_stock: 16 + name: Cozy Midnight Blue Winter Jacket + category: apparel + style: jacket + description: Stay toasty in style with our Midnight Blue Winter Jacket, featuring + a stylish design, removable hood, and insulating fill to keep you cozy and shielded + from harsh elements. + price: 131.99 + image: 04f22a7d-97fd-4650-afb6-3537963f647d.jpg + gender_affinity: F + where_visible: UI +- id: bdf090db-87a0-4ad5-9604-59c883c6432a + current_stock: 19 + name: Stylish Slate Gray Women's Insulated Jacket + category: apparel + style: jacket + description: The Dark Slate Gray Jacket is a stylish, well-insulated women's casual + jacket providing exceptional warmth for outdoor activities and cold weather. Its + high-quality insulating materials retain body heat while the full-zip front, side + pockets, and hood add functionality to this fashionable slate gray apparel piece. + price: 128.99 + image: bdf090db-87a0-4ad5-9604-59c883c6432a.jpg + gender_affinity: F + where_visible: UI +- id: cee9e9a1-9949-42a9-92a6-4a4420fcc7a3 + current_stock: 11 + name: Comfy Lemon Insulated Women's Jacket + category: apparel + style: jacket + description: This versatile women's jacket keeps you comfortably insulated across + seasons. Its lightweight, breathable fabric with premium insulation maintains + warmth while preventing overheating. The flattering cut complements daily and + outdoor outfits with details like a detachable hood and zippered pockets. + price: 185.99 + image: cee9e9a1-9949-42a9-92a6-4a4420fcc7a3.jpg + gender_affinity: F + where_visible: UI +- id: 8d03a031-ad51-490a-8a4f-53ca16629600 + current_stock: 14 + name: Stylish Blue Jacket for Outdoor Women + category: apparel + style: jacket + description: Stay warm and dry on your outdoor adventures with our Cool Blue mountain + jacket. This lightweight, water-resistant jacket features a cozy fleece lining + and stylish design perfect for hiking, climbing, or everyday wear. + price: 76.99 + image: 8d03a031-ad51-490a-8a4f-53ca16629600.jpg + gender_affinity: F + where_visible: UI +- id: 1ea485c1-07b2-4278-be45-25cbf618b3e9 + current_stock: 17 + name: Cozy Golden Insulated Women's Jacket + category: apparel + style: jacket + description: Crafted with quality materials, this versatile golden brown jacket + keeps you cozy yet stylish. An essential wardrobe addition, it layers seamlessly + over any outfit with its relaxed fit and timeless design. + price: 102.99 + image: 1ea485c1-07b2-4278-be45-25cbf618b3e9.jpg + gender_affinity: F + where_visible: UI +- id: 772d4a37-ca54-4df2-bd5e-611ac3b9e4ac + current_stock: 11 + name: Cozy Brown Insulated Women's Jacket + category: apparel + style: jacket + description: Style and warmth combine in our versatile Saddle Brown Insulated Jacket. + Featuring a classic design, durable construction, and lightweight insulation, + this jacket transitions effortlessly from season to season as a go-to layer for + any outfit. + price: 120.99 + image: 772d4a37-ca54-4df2-bd5e-611ac3b9e4ac.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: d38d09a5-0504-42bd-97f1-83631d2e31ee + current_stock: 11 + name: Stylish Quilted Winter Jacket + category: apparel + style: jacket + description: The Crimson Quilted Jacket keeps you cozy and stylish all winter long. + Insulated warmth with water-resistant shell and ribbed cuffs seal out cold. Flattering + feminine fit flatters your figure. Stay toasty outdoors without sacrificing fashion. + price: 194.99 + image: d38d09a5-0504-42bd-97f1-83631d2e31ee.jpg + gender_affinity: F + where_visible: UI +- id: 961a5529-ad78-4a28-8b3e-ea491c9a1646 + current_stock: 10 + name: Cozy Firebrick Women's Insulated Jacket + category: apparel + style: jacket + description: This cozy, casual firebrick red jacket keeps you exceptionally warm + thanks to its high-quality thick insulation. The relaxed fit flatters while trapping + heat, with handy pockets, cuffs and stand collar to seal out cold. + price: 94.99 + image: 961a5529-ad78-4a28-8b3e-ea491c9a1646.jpg + gender_affinity: F + where_visible: UI +- id: 62bc427f-3b4f-446a-9df4-e20168f0a110 + current_stock: 17 + name: Cozy Crimson Women's Insulated Jacket + category: apparel + style: jacket + description: The Crimson Insulated Women's Jacket keeps you cozy and stylish all + winter long. This casual fleece-lined coat features a water-resistant shell and + premium insulation to provide warmth and comfort without sacrificing mobility + or fashion. The perfect jacket for laidback adventuring in chilly weather. + price: 151.99 + image: 62bc427f-3b4f-446a-9df4-e20168f0a110.jpg + gender_affinity: F + where_visible: UI +- id: 18feeda6-063d-46b0-b0aa-86c514d8151f + current_stock: 17 + name: Stylish Gray Insulated Women's Jacket + category: apparel + style: jacket + description: Stay warm in style with our Dark Slate Gray Insulated Women's Jacket. + This fashionable insulated casual jacket retains heat while complementing any + outfit with its stylish dark gray color. The perfect cold weather choice for women. + price: 169.99 + image: 18feeda6-063d-46b0-b0aa-86c514d8151f.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: ef6ca20c-3280-4ac7-bbdb-6c1d055ec62e + current_stock: 18 + name: Stylish, Cozy Winter Jacket for Her + category: apparel + style: jacket + description: This Women's Insulated Jacket offers stylish winter protection with + a flattering feminine fit, durable water-resistant shell, and breathable insulation, + keeping you cozy and comfortable all season long. + price: 156.99 + image: ef6ca20c-3280-4ac7-bbdb-6c1d055ec62e.jpg + gender_affinity: F + where_visible: UI +- id: 706bd05e-aabe-4725-a8bc-66cdb9b67da3 + current_stock: 9 + name: Cozy Brown Wool Sweater Jacket + category: apparel + style: jacket + description: This stylish brown wool sweater jacket provides cozy warmth and casual + style. Crafted from soft, insulating wool, it's the perfect winter layering piece + for women. + price: 90.99 + image: 706bd05e-aabe-4725-a8bc-66cdb9b67da3.jpg + gender_affinity: F + where_visible: UI +- id: ed801768-d0df-431e-8883-aa96862f246a + current_stock: 6 + name: comfy gray jacket for women + category: apparel + style: jacket + description: This stylish pale gray jacket offers a relaxed, versatile fit to take + you from errands to coffee dates. Crafted from soft fabric with a cozy lining + and front pockets, it provides understated elegance and everyday comfort. + price: 106.99 + image: ed801768-d0df-431e-8883-aa96862f246a.jpg + gender_affinity: F + where_visible: UI +- id: 1de0c711-042b-4b47-93d9-3a7d8d969ac6 + current_stock: 18 + name: Stylish Firebrick Jacket for Women + category: apparel + style: jacket + description: Crafted from soft yet durable firebrick-red fabric, this slim-fit lightweight + women's jacket features front zip closure, stand collar, front zip pockets, and + smooth polyester fabric to provide warmth and a modern, chic look. + price: 78.99 + image: 1de0c711-042b-4b47-93d9-3a7d8d969ac6.jpg + gender_affinity: F + where_visible: UI +- id: 96596821-ee6c-43ef-849d-44a305d745ae + current_stock: 6 + name: Stylish Olive Jacket for Women + category: apparel + style: jacket + description: A chic, lightweight jacket for urban exploring. This relaxed-fit olive + green jacket flatters with a classic collar, front pockets and zip closure. Versatile + layering piece that adds effortless style to any outfit. + price: 132.99 + image: 96596821-ee6c-43ef-849d-44a305d745ae.jpg + gender_affinity: F + where_visible: UI +- id: 4509f2ec-2ed9-4906-ab6c-97f8f945defb + current_stock: 9 + name: Stylish Gray Women's Tailored Jacket + category: apparel + style: jacket + description: Expertly tailored in a sophisticated dark slate gray, this lightweight + yet structured women's jacket flatters with its feminine silhouette. An elegant + wardrobe essential perfect for work or a night out. + price: 187.99 + image: 4509f2ec-2ed9-4906-ab6c-97f8f945defb.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 6e6ad102-7510-4a02-b8ce-5a0cd6f431d1 + current_stock: 13 + name: Gainsboro Snap Jacket + category: apparel + style: jacket + description: The Gainsboro Jacket is a chic, lightweight snap-front women's jacket + perfect for layering. Crafted from soft, durable fabric, this versatile neutral-hued + piece features a figure-flattering tailored fit and front welt pockets. An effortlessly + sophisticated wardrobe essential. + price: 133.99 + image: 6e6ad102-7510-4a02-b8ce-5a0cd6f431d1.jpg + gender_affinity: F + where_visible: UI +- id: 371e0335-6290-446e-90b7-502efd718b4f + current_stock: 13 + name: Stylish Winter Jacket for Women + category: apparel + style: jacket + description: The Trendy Winter Jacket keeps you warm and dry during winter adventures. + Its water-resistant shell and insulating fleece lining protect you from the cold, + while the stylish design and handy pockets add fashion and function. The perfect + coat for women exploring the outdoors in comfort and style. + price: 120.99 + image: 371e0335-6290-446e-90b7-502efd718b4f.jpg + gender_affinity: F + where_visible: UI +- id: eadfaa17-79ca-4e17-a37f-b3ba522d35c2 + current_stock: 6 + name: Cheery Yellow-Green Insulated Jacket + category: apparel + style: jacket + description: Style and warmth combine in this lightweight, feminine yellow-green + jacket. Its quality insulation keeps you cozy without the bulk, and the lively + color adds cheer to any outfit. + price: 195.99 + image: eadfaa17-79ca-4e17-a37f-b3ba522d35c2.jpg + gender_affinity: F + where_visible: UI +- id: ad62d66b-887f-4f87-afbc-26a372e0d9f7 + current_stock: 19 + name: Stylish Insulated Raincoat for Women + category: apparel + style: jacket + description: Style and function combined - this lightweight yet durable women's + rain jacket with hood shields you from wind and rain while keeping you cozy thanks + to its insulated lining and water-repellent fabric. + price: 121.99 + image: ad62d66b-887f-4f87-afbc-26a372e0d9f7.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: f47de389-968c-4387-b753-5fede3cbb100 + current_stock: 9 + name: Slate Jacket - Stylish and Versatile + category: apparel + style: jacket + description: This versatile dark slate gray jacket serves as a stylish yet understated + layer offering cozy warmth for casual wear. Its handsome neutral tone pairs perfectly + with any outfit. + price: 200.99 + image: f47de389-968c-4387-b753-5fede3cbb100.jpg + gender_affinity: M + where_visible: UI +- id: 441b42ed-62f4-48c7-aada-1998352c5953 + current_stock: 17 + name: Sporty yet Sophisticated Blue Double-Breasted Coat + category: apparel + style: jacket + description: Expertly tailored double-breasted coat in rich blue offers a timeless, + versatile style. Water-resistant and breathable with a relaxed yet tailored fit, + it provides warmth and easygoing sporty style perfect for work or weekends. + price: 180.99 + image: 441b42ed-62f4-48c7-aada-1998352c5953.jpg + gender_affinity: M + where_visible: UI +- id: bde65f09-635c-4293-97c0-063d101f9efe + current_stock: 8 + name: Stylish Blue Jacket for Men's Casual Wear + category: apparel + style: jacket + description: Style and comfort combine in this versatile Dodger Blue jacket. The + soft yet durable shell keeps wind and rain out while retaining warmth across seasons, + making it the perfect lightweight layer for casual weekends and travel. + price: 119.99 + image: bde65f09-635c-4293-97c0-063d101f9efe.jpg + gender_affinity: M + where_visible: UI +- id: f10a57a1-bd56-4118-a083-4838b0aeccfc + current_stock: 11 + name: The Sharp Black Jacket + category: apparel + style: jacket + description: The Black Jacket is a versatile men's jacket with a classic zip-up + front and collar. Its durable black fabric provides warmth while the timeless + style pairs effortlessly with any outfit. + price: 106.99 + image: f10a57a1-bd56-4118-a083-4838b0aeccfc.jpg + gender_affinity: M + where_visible: UI +- id: e44cc0bf-d467-4aae-99fe-268e85eb0d1c + current_stock: 8 + name: Stylish Slate Gray Winter Coat + category: apparel + style: jacket + description: Expertly crafted slate gray winter coat with wool-blend shell, quilted + lining, and stand-up collar to lock in warmth. Durable yet stylish jacket with + two front pockets to keep hands warm. The perfect coat for blustery winter days. + price: 95.99 + image: e44cc0bf-d467-4aae-99fe-268e85eb0d1c.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a5f2bd4e-61a8-4643-afea-188825cbb3fa + current_stock: 10 + name: Sleek Black Leather Biker Jacket + category: apparel + style: jacket + description: Expertly crafted black leather jacket with classic styling. Buttery + soft premium leather with full zip closure and front zip pockets. Versatile for + year-round wear; pairs perfectly with any outfit. + price: 126.99 + image: a5f2bd4e-61a8-4643-afea-188825cbb3fa.jpg + gender_affinity: M + where_visible: UI +- id: f928dfd9-93f3-433c-bd00-ef702f58418a + current_stock: 12 + name: Stylish Sky Blue Men's Jacket + category: apparel + style: jacket + description: Expertly crafted for year-round wear, this versatile sky blue insulated + jacket delivers lightweight warmth and an effortlessly stylish look. Its timeless + design pairs perfectly with any casual outfit. + price: 183.99 + image: f928dfd9-93f3-433c-bd00-ef702f58418a.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: dce757b6-709e-48c2-89d7-3002963b871e + current_stock: 14 + name: Cozy Sherpa-Lined Mountain Adventure Coat + category: apparel + style: jacket + description: Rugged yet refined, this saddle brown winter coat features a sherpa + fleece lining and hood for supreme warmth. Designed for mountain adventures, it + provides stylish coverage from the elements to keep you cozy all season. + price: 149.99 + image: dce757b6-709e-48c2-89d7-3002963b871e.jpg + gender_affinity: M + where_visible: UI +- id: 9b60b9e7-d6ec-4401-a773-7d037f858418 + current_stock: 6 + name: Versatile All-Season Jacket for Men + category: apparel + style: jacket + description: The Black Versatile All-Season Jacket is a timeless and sophisticated + wardrobe essential for the modern man, offering versatile styling, quality construction + and enduring comfort for casual wear year-round. + price: 174.99 + image: 9b60b9e7-d6ec-4401-a773-7d037f858418.jpg + gender_affinity: M + where_visible: UI +- id: c424e679-0da2-4d81-afb8-f9dc5d21ce83 + current_stock: 8 + name: Stylish Black Jacket for Any Occasion + category: apparel + style: jacket + description: Expertly crafted black jacket offering timeless style, comfort, and + warmth for daily wear. Durable yet soft fabric provides versatile styling for + work or play. A closet staple made for the modern man. + price: 133.99 + image: c424e679-0da2-4d81-afb8-f9dc5d21ce83.jpg + gender_affinity: M + where_visible: UI +- id: c5c6f284-3112-4b91-a948-dd1452e0217e + current_stock: 10 + name: Slate Men's Versatile Casual Jacket + category: apparel + style: jacket + description: Expertly crafted from quality materials, this versatile dark slate + gray jacket keeps you stylishly warm in cool weather. Its timeless design layers + smoothly over any outfit for a polished, put-together look. + price: 142.99 + image: c5c6f284-3112-4b91-a948-dd1452e0217e.jpg + gender_affinity: M + where_visible: UI +- id: c6a2f400-09ea-4b63-b022-b5ccc3601739 + current_stock: 15 + name: Sleek Leather Jacket for Men + category: apparel + style: jacket + description: Expertly crafted from premium leather, this timeless men's jacket offers + unmatched style and durability. With its classic silhouette and soft lining, it's + the perfect versatile top layer for work or play. + price: 83.99 + image: c6a2f400-09ea-4b63-b022-b5ccc3601739.jpg + gender_affinity: M + where_visible: UI +- id: 134b991a-f336-4b73-ae44-247317af0130 + current_stock: 6 + name: Cozy Cotton Jacket for Men + category: apparel + style: jacket + description: The Rosy-Brown Men's Cotton Jacket provides stylish warmth for cool + weather adventures. Its soft cotton-blend fabric and classic collared design make + this versatile layer an excellent addition to any modern man's casual wardrobe. + price: 147.99 + image: 134b991a-f336-4b73-ae44-247317af0130.jpg + gender_affinity: M + where_visible: UI +- id: 92c1bcb5-1f99-455e-a425-ffbf55dea48a + current_stock: 7 + name: Cozy Lavender Zip Jacket + category: apparel + style: jacket + description: Style and comfort combine in this lightweight lavender zip jacket. + The soft cotton-poly blend and relaxed fit lend versatile layering for casual + wear year-round. + price: 75.99 + image: 92c1bcb5-1f99-455e-a425-ffbf55dea48a.jpg + gender_affinity: M + where_visible: UI +- id: 4041309b-d154-45bf-9adf-c69edfa80697 + current_stock: 15 + name: Sleek Black Leather Jacket + category: apparel + style: jacket + description: This sleek, timeless black leather jacket effortlessly transitions + from day to night with its versatile, tailored fit and smooth finish. A wardrobe + essential for stylish comfort in any season. + price: 184.99 + image: 4041309b-d154-45bf-9adf-c69edfa80697.jpg + gender_affinity: M + where_visible: UI +- id: 3b4ec162-f680-4323-8ddc-95cf37366248 + current_stock: 10 + name: Rugged Sherpa-Lined Mountain Jacket + category: apparel + style: jacket + description: Rugged yet refined, this earthy brown men's jacket provides durable + protection and cozy warmth with its soft shell exterior and plush sherpa fleece + lining. The perfect coat for casual mountain adventures. + price: 141.99 + image: 3b4ec162-f680-4323-8ddc-95cf37366248.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: d2a2b6d3-7d7a-483e-9112-4a73d2be964c + current_stock: 15 + name: Slate Gray Casual Jacket + category: apparel + style: jacket + description: The Dark Slate Gray Jacket is a refined yet relaxed men's coat with + a classic silhouette. Expertly tailored for versatility, it's crafted from soft, + durable fabric for all-day wear. Look sharp while staying comfortable in this + timeless casual style. + price: 166.99 + image: d2a2b6d3-7d7a-483e-9112-4a73d2be964c.jpg + gender_affinity: M + where_visible: UI +- id: 5ae17870-063e-42e4-a7c5-57ecce707db9 + current_stock: 19 + name: Slate Zip Jacket for Men + category: apparel + style: jacket + description: The Slate Gray Zip Jacket by [brand] is a versatile men's jacket with + a stylish, relaxed look. Made of soft cotton-blend fabric, it provides exceptional + comfort along with practical zippered pockets. Pair it with jeans or khakis for + an effortless, casual outfit. + price: 190.99 + image: 5ae17870-063e-42e4-a7c5-57ecce707db9.jpg + gender_affinity: M + where_visible: UI +- id: a17b4428-be23-4ccf-820c-e4d502b18979 + current_stock: 12 + name: Stylish Men's Denim Jacket + category: apparel + style: jacket + description: This classic men's denim jacket features a durable cotton exterior + with a button-down front. Its versatile design layers nicely over shirts and tees + for a laidback, stylish look. + price: 174.99 + image: a17b4428-be23-4ccf-820c-e4d502b18979.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 8b5b37ee-6d26-4ce1-b010-75149fc0674d + current_stock: 11 + name: Sleek Denim Jacket for Adventures + category: apparel + style: jacket + description: Expertly crafted denim jacket with classic styling. Durable, lightweight, + and versatile - perfect for completing any casual look. An essential wardrobe + addition built for everyday wear and weekend adventures. + price: 151.99 + image: 8b5b37ee-6d26-4ce1-b010-75149fc0674d.jpg + gender_affinity: M + where_visible: UI +- id: ac29564f-2c74-47c7-8f00-5249c8eda839 + current_stock: 9 + name: Stylish Dark Gray Men's Jacket + category: apparel + style: jacket + description: Expertly crafted dark gray jacket offering versatile, timeless style. + Durable fabric provides lasting comfort and protection. Versatile design pairs + perfectly with any outfit for a cool, laidback vibe. + price: 100.99 + image: ac29564f-2c74-47c7-8f00-5249c8eda839.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: fd282367-138f-4f8c-bd7b-4e07242bff34 + current_stock: 17 + name: Versatile Blue Men's Jacket + category: apparel + style: jacket + description: Step into style and comfort with this versatile cadet blue jacket. + Crafted from quality materials, it provides lightweight warmth while maintaining + a cool, casual look perfect for any occasion. + price: 193.99 + image: fd282367-138f-4f8c-bd7b-4e07242bff34.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 1849aebd-fdda-4f05-be3f-28f2c61d8901 + current_stock: 6 + name: Sleek Black Rain Jacket for Men + category: apparel + style: jacket + description: Expertly crafted for wet weather, this sleek, insulated men's rain + jacket keeps you warm, dry and comfortable with water-resistant shell, breathable + lining and adjustable fit. The perfect jacket for work or outdoor adventures. + price: 122.99 + image: 1849aebd-fdda-4f05-be3f-28f2c61d8901.jpg + gender_affinity: M + where_visible: UI +- id: a26ff192-35d6-411a-9337-abbb793d6b1b + current_stock: 6 + name: Rugged Black Insulated Men's Jacket + category: apparel + style: jacket + description: Insulated black coat for men, classic styling with durability to brave + the elements while exploring the outdoors in comfort and timeless style. + price: 115.99 + image: a26ff192-35d6-411a-9337-abbb793d6b1b.jpg + gender_affinity: M + where_visible: UI +- id: 73377697-7108-4d8f-9ee1-72603dc4ece9 + current_stock: 6 + name: Men's Dark Olive Winter Coat + category: apparel + style: jacket + description: Keep warm in classic style with our Dark Olive Men's Winter Coat. This + durable, dark green jacket features a timeless design, quality stitching, and + insulation to block wind and lock in heat for superior comfort when temperatures + drop. The perfect coat for work or play. + price: 159.99 + image: 73377697-7108-4d8f-9ee1-72603dc4ece9.jpg + gender_affinity: M + where_visible: UI +- id: b2acb802-2873-4604-87ae-4f01f1dafb80 + current_stock: 12 + name: Rugged Slate Men's Insulated Jacket + category: apparel + style: jacket + description: The Dark Slate Insulated Men's Coat keeps you warm and dry on mountain + adventures. Its water-resistant shell and cozy fleece lining shield you from frigid + conditions, while the insulated hood, secure zippers and snaps seal out icy winds. + Built rugged yet stylish by a trusted outdoor brand. + price: 84.99 + image: b2acb802-2873-4604-87ae-4f01f1dafb80.jpg + gender_affinity: M + where_visible: UI +- id: a05f9009-90b3-4eab-989c-9bc3a99a8062 + current_stock: 12 + name: Durable Insulated Men's Mountain Coat + category: apparel + style: jacket + description: Stay warm and protected on your mountain adventures with this durable, + insulated black casual coat featuring wind/water-resistant shell, fleece lining, + and adjustable hood and cuffs. + price: 173.99 + image: a05f9009-90b3-4eab-989c-9bc3a99a8062.jpg + gender_affinity: M + where_visible: UI +- id: b840c965-bff0-481f-8d65-e3c2142a39c5 + current_stock: 7 + name: Slate Gray Men's Insulated Adventure Jacket + category: apparel + style: jacket + description: Expertly crafted for adventures, this versatile Dark Slate Gray insulated + jacket keeps you warm and dry. Its weather-resistant slate gray fabric and insulation + retain warmth while protecting against wind and rain. Stay stylish through changing + seasons in this durable casual men's jacket. + price: 146.99 + image: b840c965-bff0-481f-8d65-e3c2142a39c5.jpg + gender_affinity: M + where_visible: UI +- id: df47e844-f0de-488b-b6eb-38753c204ae9 + current_stock: 9 + name: Slate Insulated Men's Relaxed Jacket + category: apparel + style: jacket + description: Expertly crafted for superior warmth, this relaxed-fit slate gray jacket + features a durable, insulating design to block cold air. The full-zip front and + side pockets provide versatile styling for casual wear. + price: 177.99 + image: df47e844-f0de-488b-b6eb-38753c204ae9.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 7d676725-83fd-47a4-bd64-8acbed6a5e74 + current_stock: 7 + name: Rugged Mountain Explorer Coat + category: apparel + style: jacket + description: Explore the outdoors in style with our Dark Slate Gray Mountain Coat. + This rugged men's jacket features a water-resistant shell, cozy fleece lining, + and multiple pockets to keep you warm and protected on all your mountain adventures. + price: 196.99 + image: 7d676725-83fd-47a4-bd64-8acbed6a5e74.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 1772332f-facc-4f13-b229-2c25f7c360ca + current_stock: 11 + name: Rugged Brown Men's Insulated Fall Coat + category: apparel + style: jacket + description: This rugged, stylish dark brown men's insulated fall coat keeps you + warm and dry during autumn outdoor adventures. Durable, weather-resistant fabric + and a soft lining provide protection from the chill, while classic styling makes + this coat a versatile addition to your cool-weather wardrobe. + price: 199.99 + image: 1772332f-facc-4f13-b229-2c25f7c360ca.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: e2ea5f0e-7c91-4d51-89e2-a06afc5e939b + current_stock: 17 + name: Stylish Quilted Men's Jacket + category: apparel + style: jacket + description: The Dark Slate Quilted Men's Jacket offers versatile style and superior + comfort. Its durable, soft fabric and stylish dark gray color pair with a wind-blocking + stand collar and full-zip closure, while the quilted interior lining provides + warmth for the outdoors. This jacket transitions seamlessly from town to trail. + price: 163.99 + image: e2ea5f0e-7c91-4d51-89e2-a06afc5e939b.jpg + gender_affinity: M + where_visible: UI +- id: 65c20b6c-7c1b-4f82-bd05-302f83e8cd55 + current_stock: 8 + name: Stylish Black Winter Jacket + category: apparel + style: jacket + description: Stay warm in style with our versatile Black Winter Suit, featuring + a water-resistant shell and quilted lining that seals out cold and locks in body + heat for superior insulation against frigid temperatures. + price: 78.99 + image: 65c20b6c-7c1b-4f82-bd05-302f83e8cd55.jpg + gender_affinity: M + where_visible: UI +- id: cd86351f-f720-451a-94bc-07c24a8579ef + current_stock: 10 + name: Cozy Goose Down Winter Jacket + category: apparel + style: jacket + description: Keep warm in frigid temps with our Winter Goose Down Jacket, featuring + a water-resistant shell, premium goose down insulation, faux fur-lined hood, and + rib-knit storm cuffs to lock in body heat. The ultimate coat for cold weather + adventuring. + price: 126.99 + image: cd86351f-f720-451a-94bc-07c24a8579ef.jpg + gender_affinity: M + where_visible: UI +- id: 6c273684-b5ee-4fe5-9d6b-9da887a75e69 + current_stock: 12 + name: Slate Quilt Men's Winter Jacket + category: apparel + style: jacket + description: Stay warm in style with our soft, durable quilted men's jacket. The + dark slate gray color pairs perfectly with any outfit while the rib-knit cuffs + seal out winter chills. Ideal for casual wear. + price: 194.99 + image: 6c273684-b5ee-4fe5-9d6b-9da887a75e69.jpg + gender_affinity: M + where_visible: UI +- id: 98d900ee-a0d1-4bc2-9eab-79ebf422503e + current_stock: 15 + name: Rugged Mountain Jacket for Men + category: apparel + style: jacket + description: Expertly engineered for mountain adventures, this rugged men's jacket + combats frigid winds with a durable, water-resistant shell and lightweight insulation + to retain warmth in extreme cold. + price: 101.99 + image: 98d900ee-a0d1-4bc2-9eab-79ebf422503e.jpg + gender_affinity: M + where_visible: UI +- id: 9ab6eb6e-665d-4517-9761-3fe560c91a1e + current_stock: 10 + name: Warm Winter Jacket for Men + category: apparel + style: jacket + description: Expertly crafted for winter, this durable, insulated men's jacket keeps + you warm in cold weather with its wind-blocking stand collar, hand-warming pockets, + and draft-sealing cuffs. + price: 198.99 + image: 9ab6eb6e-665d-4517-9761-3fe560c91a1e.jpg + gender_affinity: M + where_visible: UI +- id: 85ef93dc-01ed-474c-879f-984797a7d7a1 + current_stock: 7 + name: Stretchy Denim Jacket for Men + category: apparel + style: jacket + description: Expertly crafted from durable, stretch denim, this versatile men's + jacket features a timeless design and rich blue wash for year-round wear. A wardrobe + essential with classic style. + price: 170.99 + image: 85ef93dc-01ed-474c-879f-984797a7d7a1.jpg + gender_affinity: M + where_visible: UI +- id: 004112e9-dca1-4402-ae6d-74e2b80b8c05 + current_stock: 10 + name: Slim-Fit Mango Twill Gentlemen's Coat + category: apparel + style: jacket + description: Expertly tailored slim-fit mango cotton twill coat with polyester lining + and front button closure. Water-resistant and sophisticated styling makes this + versatile coat perfect for modern cosmopolitan gentlemen. + price: 184.99 + image: 004112e9-dca1-4402-ae6d-74e2b80b8c05.jpg + gender_affinity: M + where_visible: UI +- id: 385022fa-d596-48f4-a062-525f933994d1 + current_stock: 12 + name: Sleek Black Jacket, Timeless Versatility + category: apparel + style: jacket + description: This stylish, lightweight black jacket offers a versatile, sophisticated + look. Made with high-quality materials, its timeless design pairs perfectly with + any outfit for a confident, modern style. + price: 108.99 + image: 385022fa-d596-48f4-a062-525f933994d1.jpg + gender_affinity: M + where_visible: UI +- id: c108b04b-64fd-43bd-80fc-4819eb01803a + current_stock: 17 + name: Sleek Dark Gray Men's Suit Jacket + category: apparel + style: jacket + description: This tailored dark slate gray men's jacket delivers a sophisticated + and polished look, perfect for the modern professional seeking comfort, refinement, + and timeless style for the office. + price: 129.99 + image: c108b04b-64fd-43bd-80fc-4819eb01803a.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 34cce05b-39b9-4927-897f-753e118fdd48 + current_stock: 7 + name: Stylish Black Men's Zipper Jacket + category: apparel + style: jacket + description: This stylish black zipper jacket for men offers a timeless, sophisticated + look that pairs well with any outfit. Expertly tailored for a flattering fit, + it features classic details like notched lapels and front pockets. Look sharp + around town in this versatile jacket. + price: 173.99 + image: 34cce05b-39b9-4927-897f-753e118fdd48.jpg + gender_affinity: M + where_visible: UI +- id: d4a04964-00aa-4946-bd7b-716426b4d920 + current_stock: 7 + name: The Dapper Gentleman's Jacket + category: apparel + style: jacket + description: The Swanky Suit - Exude confidence and sophistication in this stylishly + tailored men's jacket, crafted from luxurious fabric with elegant design. + price: 198.99 + image: d4a04964-00aa-4946-bd7b-716426b4d920.jpg + gender_affinity: M + where_visible: UI +- id: 4d23c80d-133c-41b3-ba1c-bd9279a3b902 + current_stock: 19 + name: The Sharp Tan Jacket + category: apparel + style: jacket + description: The Versatile Tan Jacket is a timeless and stylish light brown jacket + for fashion-forward men. Expertly crafted with a classic design, this versatile + layer pairs effortlessly with any outfit for both casual and formal occasions. + price: 130.99 + image: 4d23c80d-133c-41b3-ba1c-bd9279a3b902.jpg + gender_affinity: M + where_visible: UI +- id: 6bd74f2d-90c0-4ca6-9663-f3bbe9bf405b + featured: true + current_stock: 18 + name: Sleek Dark Red Men's Jacket + category: apparel + style: jacket + description: Expertly crafted dark red jacket with sleek, versatile design perfect + for any occasion. Durable, comfortable materials and timeless details ensure long-lasting + wear. Stylish wardrobe essential makes a subtle yet strong fashion statement. + price: 150.99 + image: 6bd74f2d-90c0-4ca6-9663-f3bbe9bf405b.jpg + gender_affinity: M + where_visible: UI +- id: 4b284c98-08b1-4337-9a5e-d1ae8010c85d + current_stock: 18 + name: Men's Versatile All-Weather Insulated Coat + category: apparel + style: jacket + description: Introducing the Blue All-Weather Men's Insulated Coat, the versatile + water-resistant jacket that keeps you warm, dry and stylish in any weather. Expertly + crafted with an insulated lining and adjustable hood for outstanding protection + against the elements. + price: 138.99 + image: 4b284c98-08b1-4337-9a5e-d1ae8010c85d.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 9e90d949-90f7-443a-8a85-fa7e590bc589 + current_stock: 14 + name: Stylish Flowing Hip Scarf + category: apparel + style: scarf + description: Elevate your style with our flowing hip scarf. This versatile accessory + adds feminine flair to any outfit, accentuating your waistline in a flattering, + customizable way for both casual and special occasions. + price: 86.99 + image: 9e90d949-90f7-443a-8a85-fa7e590bc589.jpg + gender_affinity: F + where_visible: UI +- id: 856b01b1-5353-4e82-b11c-41088302e6d8 + current_stock: 13 + name: Elegant Flowing Scarf Adds Effortless Style + category: apparel + style: scarf + description: Presenting the Sans Pareil Elegant Scarf - a luxuriously soft and lightweight + accessory that adds effortless style to any outfit. This flowing fabric scarf + features an elegant solid pattern perfect for draping stylishly around your neck. + The versatile design complements both casual and formal wear. + price: 125.99 + image: 856b01b1-5353-4e82-b11c-41088302e6d8.jpg + gender_affinity: F + where_visible: UI +- id: cb9035f5-ed1e-40b0-9e8f-f20a727cb227 + current_stock: 7 + name: Stylish Neutral Scarf + category: apparel + style: scarf + description: Elevate your style with our effortlessly chic Swanky Neutral Scarf. + This lightweight accent scarf adds a touch of sophistication to any outfit, whether + dressing up or down. The perfect versatile accessory for the fashion-forward woman. + price: 122.99 + image: cb9035f5-ed1e-40b0-9e8f-f20a727cb227.jpg + gender_affinity: F + where_visible: UI +- id: a11ef46f-dedf-48c8-94b0-3c9572608c5f + current_stock: 17 + name: Vibrant Colorful Hip Scarf + category: apparel + style: scarf + description: Express your style with this chic and versatile hip scarf. The flowing + fabric elegantly accentuates your waistline and adds a stylish flair to any outfit, + from casual wear to dressy occasions. Available in vibrant colors and patterns. + price: 70.99 + image: a11ef46f-dedf-48c8-94b0-3c9572608c5f.jpg + gender_affinity: F + where_visible: UI +- id: e1669081-8ffc-4dec-97a6-e9176d7f6651 + current_stock: 12 + name: Elegant Scarf for Stylish Women + category: apparel + style: scarf + description: The Sans Pareil scarf is an elegant and stylish accessory that adds + a subtle touch of sophistication to any outfit. Crafted from soft, lightweight + fabric, it drapes beautifully and can be worn in various ways. This versatile + scarf is a must-have wardrobe essential for fashion-forward women. + price: 124.99 + image: e1669081-8ffc-4dec-97a6-e9176d7f6651.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 924010e4-eaf2-4067-91dd-854ad41b593c + current_stock: 18 + name: Vibrant Floral Scarf Elevates Style + category: apparel + style: scarf + description: Elevate your style with this lightweight, flowing floral scarf. The + eye-catching pattern adds a pop of sophistication to any outfit. Wrap it, drape + it, or tie it - this versatile accessory completes your look with subtle elegance. + price: 78.99 + image: 924010e4-eaf2-4067-91dd-854ad41b593c.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: e592c09b-990c-4b6a-842a-71c4b2de9773 + current_stock: 13 + name: Stylish Print Scarf + category: apparel + style: scarf + description: Make a fashionable statement with our Modish Print Scarf. This soft, + lightweight scarf features a stylish print that adds a pop of color and flair + to any outfit. Perfect for dressing up simple looks or complementing dressier + ensembles. + price: 102.99 + image: e592c09b-990c-4b6a-842a-71c4b2de9773.jpg + gender_affinity: F + where_visible: UI +- id: 1827f353-5bb3-4061-8d70-fe8d813113f0 + current_stock: 16 + name: Stylish Fringed Scarf for Any Occasion + category: apparel + style: scarf + description: The Ultrachic Fringed Scarf elegantly complements any outfit with its + ultra-soft fabric, stylish fringed edges, and rich color options. This versatile + accessory adds a touch of sophistication perfect for any occasion. + price: 61.99 + image: 1827f353-5bb3-4061-8d70-fe8d813113f0.jpg + gender_affinity: F + where_visible: UI +- id: 80b2666c-0003-4e2e-80a4-033c69b462dd + current_stock: 13 + name: Stylish Print Scarf + category: apparel + style: scarf + description: Introducing the Stylish Scarf - an eye-catching and versatile accessory + that adds flair to any outfit. This lightweight, flowing scarf features a chic + print perfect for complementing casual and dressy looks alike. Drapes beautifully + and keeps you looking fab! + price: 71.99 + image: 80b2666c-0003-4e2e-80a4-033c69b462dd.jpg + gender_affinity: F + where_visible: UI +- id: 5414abd6-a246-4e44-83d9-0ca413290ab0 + current_stock: 16 + name: Elevate Your Style Silk Scarf + category: apparel + style: scarf + description: Elevate your style with the Sublime Silk Scarf, a refined and versatile + accessory that adds a touch of effortless luxury to any outfit with its silky + soft fabric, subtle pattern, and elegant drape. + price: 93.99 + image: 5414abd6-a246-4e44-83d9-0ca413290ab0.jpg + gender_affinity: F + where_visible: UI +- id: fa3bd6b1-6739-4a80-9419-c6d782689afc + current_stock: 17 + name: Vibrant Patterned Fashion Scarf + category: apparel + style: scarf + description: Make a bold fashion statement with this stylish scarf featuring eye-catching + patterns and colors. Its soft, durable fabric provides warmth while accentuating + your look. A versatile accessory to complement any outfit. + price: 122.99 + image: fa3bd6b1-6739-4a80-9419-c6d782689afc.jpg + gender_affinity: F + where_visible: UI +- id: b751f814-869a-4d95-993a-15753208f0ca + current_stock: 16 + name: Stylish Edgy Patterned Scarf + category: apparel + style: scarf + description: Make a stylish statement with this edgy patterned scarf! The soft, + lightweight fabric offers endless styling versatility while the unique print adds + standout flair to any outfit. An essential accessory for every fashionista's wardrobe. + price: 113.99 + image: b751f814-869a-4d95-993a-15753208f0ca.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: f51fb444-2d3a-4f88-bda3-667114177172 + current_stock: 16 + name: Soft Neutral Scarf Elevates Any Outfit + category: apparel + style: scarf + description: Expertly crafted from soft, lightweight fabric, this sublime scarf + adds effortless sophistication to any outfit with its subtle pattern and neutral + palette that complements both casual and formal attire. + price: 113.99 + image: f51fb444-2d3a-4f88-bda3-667114177172.jpg + gender_affinity: F + where_visible: UI +- id: 83a3e082-774d-489d-a082-0cfab4829b19 + current_stock: 8 + name: Vibrant Oversized Print Scarf + category: apparel + style: scarf + description: Make a bold fashion statement with this oversized, lightweight scarf + featuring vibrant prints and colors. Versatile accessory transitions effortlessly + from day to night. + price: 58.99 + image: 83a3e082-774d-489d-a082-0cfab4829b19.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 291d81c2-023b-40f0-8d06-ff3c8ccd1dfb + current_stock: 9 + name: Vibrant Boho Scarf + category: apparel + style: scarf + description: Introducing the Groovy Colorful Scarf, a stylish and versatile accessory + featuring a lively pattern in vibrant hues. This soft, lightweight scarf adds + a pop of color and flair to any outfit. Knot it elegantly or tie it casually for + a chic, boho-inspired look. + price: 92.99 + image: 291d81c2-023b-40f0-8d06-ff3c8ccd1dfb.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: b58b6838-04f7-4d13-bd35-633883f94a11 + current_stock: 18 + name: Timeless Scarf - Elevate Your Style + category: apparel + style: scarf + description: The Quintessential Scarf's lightweight, luxuriously soft fabric comes + in a classic, versatile design perfect for elevating any outfit. This trendy yet + timeless scarf makes a thoughtful gift for the fashionable woman. + price: 54.99 + image: b58b6838-04f7-4d13-bd35-633883f94a11.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 6077dc55-683e-4261-9397-df2c615811a8 + current_stock: 18 + name: Vibrant First-Class Luxury Scarf + category: apparel + style: scarf + description: The First-Class Scarf adds luxurious flair to any outfit with its eye-catching + vibrant colors and soft, lightweight fabric that feels wonderful against skin. + Wear it wrapped, draped, or knotted for sophisticated style and comfort. + price: 93.99 + image: 6077dc55-683e-4261-9397-df2c615811a8.jpg + gender_affinity: F + where_visible: UI +- id: 40c1a10f-c9d4-45df-8b81-1b9bc7ab9fd8 + current_stock: 12 + name: Vibrant Scarf Pops Any Outfit + category: apparel + style: scarf + description: Make a vibrant fashion statement! This lightweight, versatile scarf + featuring eye-catching colors and patterns flatters any outfit. An essential accessory + for any wardrobe. + price: 102.99 + image: 40c1a10f-c9d4-45df-8b81-1b9bc7ab9fd8.jpg + gender_affinity: F + where_visible: UI +- id: 99f92741-2b2f-45e0-bac4-9267db549c8b + current_stock: 17 + name: Stylish Scarf - Elevate Your Look + category: apparel + style: scarf + description: Elevate your style with this chic and versatile scarf featuring a flawless + design that complements any outfit. The smooth, elegant fabric and timeless silhouette + make this a must-have accessory for effortless sophistication. + price: 125.99 + image: 99f92741-2b2f-45e0-bac4-9267db549c8b.jpg + gender_affinity: F + where_visible: UI +- id: 4307367e-5c37-4798-b18b-ed1da0dd0cf4 + current_stock: 6 + name: Stylish Printed Scarf + category: apparel + style: scarf + description: This soft, lightweight scarf features an eye-catching print that makes + a statement. Wrap it, drape it, or tie it to complement any look. Both functional + and fashionable, this versatile accessory transitions seamlessly from day to night. + price: 77.99 + image: 4307367e-5c37-4798-b18b-ed1da0dd0cf4.jpg + gender_affinity: F + where_visible: UI +- id: c500d44c-5b81-4205-b459-a05900d12c53 + current_stock: 15 + name: Stylish Scarf - Elegant and Versatile + category: apparel + style: scarf + description: The Voguish Scarf - a fashionable and versatile accessory that adds + elegance to any outfit with its soft, lightweight fabric, rich colors, and unique + patterns. Perfect for both casual and formal wear. + price: 77.99 + image: c500d44c-5b81-4205-b459-a05900d12c53.jpg + gender_affinity: F + where_visible: UI +- id: 53014964-755a-4cf6-9f6c-5c917773e3c9 + current_stock: 15 + name: Stylish Neutral Scarf for Any Outfit + category: apparel + style: scarf + description: Elevate your style with this chic, versatile neutral scarf. Designed + with a soft, flowing fabric, it's the perfect fashionable accent to dress up any + outfit for work or a night out. + price: 119.99 + image: 53014964-755a-4cf6-9f6c-5c917773e3c9.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: c7beb662-1cc4-4709-a420-ef768a43f6ad + current_stock: 19 + name: Vibrant Floral Scarf for Style + category: apparel + style: scarf + description: Make a fashion statement with this elegant First-Rate floral scarf. + The soft, breathable fabric features a vibrant print that pops against its gray + background. Style it loosely or wrapped snugly for a polished, versatile accessory. + price: 55.99 + image: c7beb662-1cc4-4709-a420-ef768a43f6ad.jpg + gender_affinity: F + where_visible: UI +- id: c783eac2-1d88-4445-929c-81d57c91d035 + current_stock: 9 + name: Stylish Flowing Elegant Scarf + category: apparel + style: scarf + description: The Outstanding Scarf is a stylish, versatile accessory featuring an + elegant flowing fabric that adds sophisticated flair to any outfit. Made with + quality materials for a soft, comfortable feel. + price: 104.99 + image: c783eac2-1d88-4445-929c-81d57c91d035.jpg + gender_affinity: F + where_visible: UI +- id: a51c8fab-87a5-4cf2-a19a-cc569398ffa9 + current_stock: 11 + name: Stylish Cashmere Scarf + category: apparel + style: scarf + description: This elegant cashmere scarf features intricate detailing for a flawless, + sophisticated look. The soft fabric provides warmth while complementing any outfit. + A versatile wardrobe essential for the stylish, fashion-forward woman. + price: 59.99 + image: a51c8fab-87a5-4cf2-a19a-cc569398ffa9.jpg + gender_affinity: F + where_visible: UI +- id: 8074623f-8d17-4ef6-9ccd-33f1cba746d1 + current_stock: 9 + name: Stylish Printed Scarf in Vibrant Colors + category: apparel + style: scarf + description: Make a vibrant statement with this stylish printed scarf. The lightweight, + flowing fabric adds a pop of color to any outfit. Wear it draped or wrapped for + casual flair or evening elegance. + price: 69.99 + image: 8074623f-8d17-4ef6-9ccd-33f1cba746d1.jpg + gender_affinity: F + where_visible: UI +- id: 1956b13b-fa4f-45cf-bc3c-407339ba56a9 + current_stock: 10 + name: Chic Scarf - Elevate Your Style + category: apparel + style: scarf + description: The Ultrachic Scarf is an elegant and versatile accessory that adds + a touch of luxury to any outfit. Made with ultra-soft, high quality fabric, it + provides warmth and elevates your style. This fashionable scarf complements any + look. + price: 103.99 + image: 1956b13b-fa4f-45cf-bc3c-407339ba56a9.jpg + gender_affinity: F + where_visible: UI +- id: bc9319be-3d58-4094-995e-4415bd2b0193 + current_stock: 10 + name: Stylish Scarf - Vibrant Flair + category: apparel + style: scarf + description: The Voguish Scarf adds a stylish, vibrant flair to any outfit. This + versatile fashion accessory features rich colors and patterns to complement both + casual and formal attire. + price: 105.99 + image: bc9319be-3d58-4094-995e-4415bd2b0193.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 17d2050f-19c4-4cf9-bf10-a83421f0052d + current_stock: 10 + name: Vibrant Scarf for Elegant Style + category: apparel + style: scarf + description: The Sublime Scarf in jewel tones adds a touch of elegant color to any + outfit. Made from soft, lightweight fabric, it drapes gracefully around the neck + for a luxurious accessory day or night. + price: 99.99 + image: 17d2050f-19c4-4cf9-bf10-a83421f0052d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: e13ea370-f88c-49f9-ab8f-7b139825959d + current_stock: 6 + name: Stylish Scarf Adds Elegance + category: apparel + style: scarf + description: Introducing the elegant Sans Pareil Scarf, a soft and lightweight accessory + that effortlessly complements any outfit. This stylish scarf features a flowing + solid pattern and versatile design perfect for draping, tying, or loosely wrapping. + Both fashionable and functional, this wardrobe essential adds a touch of luxury + to any look. + price: 114.99 + image: e13ea370-f88c-49f9-ab8f-7b139825959d.jpg + gender_affinity: F + where_visible: UI +- id: ddb21847-ca9b-45ec-b7fc-4cf3409ffda7 + current_stock: 6 + name: Stylish Neutral Scarf Elevates Outfits + category: apparel + style: scarf + description: This fashionable neutral tone scarf adds effortless elegance to any + outfit. Lightweight yet warm, it provides year-round versatility to elevate both + casual and formal looks. The subtle patterns create visual interest while the + neutral tone complements any wardrobe. + price: 94.99 + image: ddb21847-ca9b-45ec-b7fc-4cf3409ffda7.jpg + gender_affinity: F + where_visible: UI +- id: 23e77743-ff28-400a-811f-e08d3cab5e45 + current_stock: 7 + name: Stylish Scarf - Elevate Your Look + category: apparel + style: scarf + description: The Ultrachic Scarf's elegant and versatile design complements any + style. Made with luxurious, high-quality materials for a silky soft feel, this + fashionable accessory adds a stylish accent to any outfit. + price: 123.99 + image: 23e77743-ff28-400a-811f-e08d3cab5e45.jpg + gender_affinity: F + where_visible: UI +- id: 7c6e7bc3-94cc-4147-bd01-e7ecf04cf834 + current_stock: 6 + name: Vibrant Flowing Colorful Scarf + category: apparel + style: scarf + description: This stylish, lightweight scarf adds flair to any outfit with its vibrant + colors and flowing fabric. Drapes beautifully around neck for a pop of color and + elegance. + price: 97.99 + image: 7c6e7bc3-94cc-4147-bd01-e7ecf04cf834.jpg + gender_affinity: F + where_visible: UI +- id: b9e6a202-3fff-460d-997f-e3dc9e7d83f3 + current_stock: 12 + name: Stylish Men's Scarf in Trendy Pattern + category: apparel + style: scarf + description: Make a statement with this versatile scarf featuring a stylish pattern. + Wear it as a neck wrap, head wrap, or face covering. The soft, breathable fabric + provides warmth while complementing any outfit for the fashion-forward man. + price: 51.99 + image: b9e6a202-3fff-460d-997f-e3dc9e7d83f3.jpg + gender_affinity: M + where_visible: UI +- id: 77514117-3851-4d72-8082-99c14dde190d + current_stock: 18 + name: Stylish Men's Scarf in Vogue + category: apparel + style: scarf + description: The Trendy Scarf adds refined flair to any outfit. Expertly crafted + with soft, lightweight fabric in an elegant design, it keeps you warm while elevating + both casual and formal wear. A versatile, fashionable accessory for the modern, + sophisticated man. + price: 117.99 + image: 77514117-3851-4d72-8082-99c14dde190d.jpg + gender_affinity: M + where_visible: UI +- id: 9fd860d2-9312-4793-aa21-db29d08bf297 + current_stock: 14 + name: Stylish Plaid Scarf for Men + category: apparel + style: scarf + description: The Trendy Plaid Scarf adds versatile style to any man's wardrobe. + This soft, lightweight scarf features a timeless plaid pattern in rich fall hues, + perfect for lending subtle sophistication to casual or formal attire. + price: 62.99 + image: 9fd860d2-9312-4793-aa21-db29d08bf297.jpg + gender_affinity: M + where_visible: UI +- id: ef3bfb5d-2117-4fce-948d-a7ac144c96fc + current_stock: 13 + name: Classic Men's Plaid Scarf + category: apparel + style: scarf + description: Expertly crafted plaid scarf provides versatile warmth and polished + style to any outfit. Soft, breathable fabric with subtle fringe framing makes + this medium weight men's accessory an ideal layering piece for work or weekends. + price: 77.99 + image: ef3bfb5d-2117-4fce-948d-a7ac144c96fc.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: c4ccb793-988a-46d9-bb54-8d58ca35213c + current_stock: 14 + name: Stylish Accessory Scarf for Refined Elegance + category: apparel + style: scarf + description: Expertly crafted from soft, lightweight fabric, this stylish Dandyish + Scarf adds refined elegance to any outfit with its subtle pattern and versatile + design that complements both casual and formal attire. + price: 98.99 + image: c4ccb793-988a-46d9-bb54-8d58ca35213c.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: ead8e13f-9f00-45c6-8c60-9f52359af39e + current_stock: 10 + name: Stylish Colorblocked Scarf for Men + category: apparel + style: scarf + description: This stylish men's scarf adds a refined touch to any outfit with its + trendy yet timeless colorblocked design. Expertly crafted for sophistication and + comfort. + price: 79.99 + image: ead8e13f-9f00-45c6-8c60-9f52359af39e.jpg + gender_affinity: M + where_visible: UI +- id: efa03496-bb6b-4473-9cd1-025be8660e18 + current_stock: 9 + name: Stylish Men's Scarf + category: apparel + style: scarf + description: The Dandyish Scarf adds sophisticated style to any outfit with its + soft, lightweight fabric in subtle patterns and rich colors. This versatile men's + accessory provides warmth and elevates casual and formal attire. + price: 85.99 + image: efa03496-bb6b-4473-9cd1-025be8660e18.jpg + gender_affinity: M + where_visible: UI +- id: f9a771a3-41b9-4086-ad06-8c1b0ce8390e + current_stock: 14 + name: Stylish Men's Scarf for Everyday + category: apparel + style: scarf + description: The Ultracool scarf is a stylish, lightweight accessory for men - an + everyday wardrobe staple made of soft, breathable fabric that provides just the + right warmth and pairs great with any outfit. + price: 123.99 + image: f9a771a3-41b9-4086-ad06-8c1b0ce8390e.jpg + gender_affinity: M + where_visible: UI +- id: 1a8bc5f7-290f-4858-bcc4-b61c52fe2e01 + current_stock: 6 + name: Stylish Plaid Scarf for Men + category: apparel + style: scarf + description: The Dapper Plaid Scarf adds refined style to any outfit with its timeless + grey, black and white pattern. Crafted from soft, lightweight material, this versatile + accessory provides subtle flair and instant polish to complement sharp business + or relaxed weekend looks. + price: 112.99 + image: 1a8bc5f7-290f-4858-bcc4-b61c52fe2e01.jpg + gender_affinity: M + where_visible: UI +- id: 3bd3c619-58a4-4ea0-9c1a-c85e7a3a5c39 + current_stock: 9 + name: Stylish Neutral Scarf for Men + category: apparel + style: scarf + description: Expertly crafted from soft, lightweight fabric, our stylish Trendy + Men's Scarf adds a modern flair to any outfit. Available in versatile neutral + tones, it can be worn in multiple fashionable ways for functional style. + price: 69.99 + image: 3bd3c619-58a4-4ea0-9c1a-c85e7a3a5c39.jpg + gender_affinity: M + where_visible: UI +- id: f21984a0-03d2-4078-959c-9a3d7b9b32b3 + current_stock: 18 + name: Stylish Men's Scarf + category: apparel + style: scarf + description: This versatile scarf adds subtle flair to any outfit. Expertly crafted + from quality materials, it provides lightweight warmth and complements both casual + and formal attire. The timeless design transitions effortlessly from day to night. + price: 65.99 + image: f21984a0-03d2-4078-959c-9a3d7b9b32b3.jpg + gender_affinity: M + where_visible: UI +- id: 122f738a-92c6-479c-9bd7-c45b17bf0417 + current_stock: 11 + name: Groovy Retro Scarf - Bold and Colorful + category: apparel + style: scarf + description: Make a bold style statement with this vibrant, retro-inspired groovy + print scarf! Crafted from soft, lightweight fabrics, it adds a pop of color to + any outfit while keeping you cozy in chilly weather. + price: 122.99 + image: 122f738a-92c6-479c-9bd7-c45b17bf0417.jpg + gender_affinity: M + where_visible: UI +- id: 5ced3c03-4769-4822-8151-8c30e45fdf25 + current_stock: 10 + name: Stylish Men's Fashion Scarf + category: apparel + style: scarf + description: This fashionable men's scarf adds a stylish touch to any outfit. Expertly + crafted with soft, lightweight fabric, it provides subtle warmth while complementing + your look with timeless patterns and colors. An essential accessory for the modern, + stylish man. + price: 59.99 + image: 5ced3c03-4769-4822-8151-8c30e45fdf25.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 0451dee1-8367-4bf7-95a8-1e96c4f96784 + current_stock: 15 + name: Funky Patterned Scarf Pops with Vibrant Style + category: apparel + style: scarf + description: Make a bold, stylish statement with this eye-catching funky patterned + scarf. The soft, lightweight fabric features vibrant colors and fun prints that + complement any outfit. A must-have accessory to add flair to your look. + price: 87.99 + image: 0451dee1-8367-4bf7-95a8-1e96c4f96784.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 880ac468-d596-4332-9920-e5f96176ef65 + current_stock: 15 + name: Cozy Plaid Scarf for Stylish Men + category: apparel + style: scarf + description: The Supercool Plaid Scarf adds timeless style and warmth to your cold + weather wardrobe. Expertly knit from soft, lightweight fabric, this versatile + scarf features a classic plaid pattern in cool, masculine tones. The perfect accessory + for any modern man's autumn and winter outfits. + price: 80.99 + image: 880ac468-d596-4332-9920-e5f96176ef65.jpg + gender_affinity: M + where_visible: UI +- id: 32547587-e915-4736-9ae6-9c36ae7c71a6 + current_stock: 15 + name: Stylish Plaid Scarf for Men + category: apparel + style: scarf + description: Crafted with soft, lightweight fabric, this versatile plaid scarf adds + a stylish touch of sophistication to any man's wardrobe. The classic pattern complements + various outfits for any occasion. + price: 58.99 + image: 32547587-e915-4736-9ae6-9c36ae7c71a6.jpg + gender_affinity: M + where_visible: UI +- id: 59b807a4-23d7-49f4-b3c1-64035bb3f35b + current_stock: 18 + name: Bold Funky Scarf Makes Statement + category: apparel + style: scarf + description: Make a bold fashion statement with this vibrant, eye-catching funky + patterned scarf. Soft, lightweight fabric in stylish prints to complement any + outfit. + price: 80.99 + image: 59b807a4-23d7-49f4-b3c1-64035bb3f35b.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: c29ec39d-7e15-445f-9077-26c63abfdc04 + current_stock: 18 + name: Bold Print Scarf for Stylish Men + category: apparel + style: scarf + description: Make a bold statement with this soft, funky print scarf for men. The + vibrant colors and unique patterns add stylish flair to any outfit. Perfect for + casual or dressy looks, this versatile accessory provides lightweight warmth while + showcasing your fashion sense. + price: 84.99 + image: c29ec39d-7e15-445f-9077-26c63abfdc04.jpg + gender_affinity: M + where_visible: UI +- id: 49f1a917-d624-4aa0-a797-35dc7f925f52 + current_stock: 6 + name: Stylish Versatile Scarf for Men + category: apparel + style: scarf + description: The Swell Scarf is a versatile and stylish accessory that adds flair + to any man's wardrobe. Made from soft, breathable fabric, it can be worn in multiple + ways while providing warmth without bulk. This timeless wardrobe essential features + a flawless drape and comfortable fit for work or leisure. + price: 120.99 + image: 49f1a917-d624-4aa0-a797-35dc7f925f52.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: d75b932b-0593-4cbe-b61d-a9b2dbd16e51 + current_stock: 16 + name: Stylish Men's Fashion Scarf + category: apparel + style: scarf + description: This stylish scarf for men adds a subtle flair to any outfit. Crafted + from quality materials in a versatile design, it provides lightweight warmth and + effortlessly complements both casual and formal attire. The perfect accessory + for the stylish man. + price: 120.99 + image: d75b932b-0593-4cbe-b61d-a9b2dbd16e51.jpg + gender_affinity: M + where_visible: UI +- id: 316d4b5e-6b0a-407e-8eb8-174eca95dc65 + current_stock: 17 + name: Vibrant Striped Tee for Women + category: apparel + style: shirt + description: This versatile striped tee shirt flatters with its soft fabric and + vibrant colors. Pair it with jeans or a skirt for a stylish yet laidback look. + price: 191.99 + image: 316d4b5e-6b0a-407e-8eb8-174eca95dc65.jpg + gender_affinity: F + where_visible: UI +- id: eeefc925-4e17-4244-b8c7-068daa8fc3d3 + current_stock: 8 + name: Vibrant Ruby Shirt for Stylish Women + category: apparel + style: shirt + description: Slim-fit crimson button down, sassy casual style. Flattering versatile + women's top transitions effortlessly from day to night, crafted from soft lightweight + fabric in rich red hue. + price: 235.99 + image: eeefc925-4e17-4244-b8c7-068daa8fc3d3.jpg + gender_affinity: F + where_visible: UI +- id: 1811c348-a164-4305-97e2-bd0427074f30 + current_stock: 14 + name: Flattering Flowy Feminine Dress + category: apparel + style: shirt + description: Flatter your figure in this effortlessly chic V-neck dress featuring + a flowy skirt and flirty silhouette. The perfect versatile piece for everyday + wear that can be dressed up or down for any occasion. + price: 213.99 + image: 1811c348-a164-4305-97e2-bd0427074f30.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 75e95254-d8e3-42eb-ba49-5b9c5c54be2f + current_stock: 6 + name: Tranquil Sea Print Relaxed Tee + category: apparel + style: shirt + description: Tranquil blue sea graphic print tee with a relaxed fit and fluid drape. + Soft, lightweight top perfect for laidback weekends or vacation. Stylishly casual + women's shirt great for pairing with denim or skirts. + price: 208.99 + image: 75e95254-d8e3-42eb-ba49-5b9c5c54be2f.jpg + gender_affinity: F + where_visible: UI +- id: e8720deb-c1f7-48c6-90b2-333b8c79c16a + current_stock: 17 + name: Vintage Denim Button-Up for Women + category: apparel + style: shirt + description: Stylish, vintage-inspired baggy denim button-up shirt for women featuring + a relaxed fit, classic collar, chest pockets, and long button cuffs. An effortlessly + cool layering piece with retro flair. + price: 142.99 + image: e8720deb-c1f7-48c6-90b2-333b8c79c16a.jpg + gender_affinity: F + where_visible: UI +- id: d37f2c71-3ed8-4b5c-b65d-06bb3ca69943 + current_stock: 16 + name: Checkered Shirt for Any Occasion + category: apparel + style: shirt + description: Check out this stylish and versatile checkered button-up shirt for + women. The soft, breathable fabric provides effortless comfort, while the timeless + checkered pattern adds visual interest to any outfit. Dress it up or down for + a wardrobe staple you'll reach for again and again. + price: 202.99 + image: d37f2c71-3ed8-4b5c-b65d-06bb3ca69943.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: d31c6edf-9d66-4d87-bc80-854b328678e1 + current_stock: 11 + name: Stylish Crop Top for Summer + category: apparel + style: shirt + description: Flaunt your style with our form-fitting crop top. Made of soft, breathable + fabric, this stylish sleeveless shirt features a short hem perfect for sunny days. + Pair with high-waisted bottoms to highlight your figure in trendy comfort. + price: 111.99 + image: d31c6edf-9d66-4d87-bc80-854b328678e1.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: c6461825-558b-4def-aa22-3fa082dcb6af + current_stock: 10 + name: Stylish Gainsboro Women's Shirt + category: apparel + style: shirt + description: Elevate your casual style with this soft gainsboro shirt featuring + a flattering cut and subtle details. An effortlessly chic staple that seamlessly + transitions from day to night. + price: 124.99 + image: c6461825-558b-4def-aa22-3fa082dcb6af.jpg + gender_affinity: F + where_visible: UI +- id: 898401f5-771d-40c8-a4b5-a230c0bb68a5 + current_stock: 14 + name: Slim Gray Scoop Neck Shirt + category: apparel + style: shirt + description: Elevate your casual style with our slim-fit scoop neck shirt in a chic + slate gray. The soft, lightweight fabric flatters your figure while the versatile + neutral hue pairs perfectly with any look. + price: 157.99 + image: 898401f5-771d-40c8-a4b5-a230c0bb68a5.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 48ed391e-d56e-46d8-968d-b2b4b1a99b0c + current_stock: 13 + name: Vibrant Floral Print Blouse + category: apparel + style: shirt + description: This stylish floral print top features a flattering silhouette and + eye-catching vibrant print. Crafted from soft, comfortable fabric, it's perfect + for dressing up or down to make a fashion statement. Pair it with anything for + a chic, feminine look. + price: 49.99 + image: 48ed391e-d56e-46d8-968d-b2b4b1a99b0c.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 474388d1-dae8-43db-bf66-af0a22a221f7 + current_stock: 13 + name: Stylish Steel Blue Women's Shirt + category: apparel + style: shirt + description: Make a stylish statement with this soft lightweight steel blue shirt + featuring a flattering slim fit and relaxed short sleeves. Look chic day or night + - dress it up or down! + price: 179.99 + image: 474388d1-dae8-43db-bf66-af0a22a221f7.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: b4523e99-2599-42de-9d09-c950370aba1a + current_stock: 8 + name: Sleek Black V-Neck Top + category: apparel + style: shirt + description: Flattering black v-neck top drapes beautifully. Versatile shirt transitions + effortlessly from day to night. Soft, lightweight material flatters figure. Pair + with jeans or dress up with slacks for a stylish look. + price: 232.99 + image: b4523e99-2599-42de-9d09-c950370aba1a.jpg + gender_affinity: F + where_visible: UI +- id: d9f978ee-732c-41cb-88db-221ac4b9bdf6 + current_stock: 13 + name: Vibrant Oversized Red Button-Down + category: apparel + style: shirt + description: This stylish oversized red button-down shirt flatters all figures with + its relaxed silhouette and vibrant color. A chic top perfect for a casual day + out. + price: 68.99 + image: d9f978ee-732c-41cb-88db-221ac4b9bdf6.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 68a3a53b-4593-4aad-895f-2d8ae8695327 + current_stock: 10 + name: Lightweight Flowy Gray Shirt + category: apparel + style: shirt + description: This light gray flowy shirt is a chic yet effortless addition to any + woman's casual wardrobe. Made with a soft, lightweight fabric, it flatters a variety + of figures with its relaxed silhouette. Perfect for pairing with jeans or skirts + for a put-together everyday look. + price: 220.99 + image: 68a3a53b-4593-4aad-895f-2d8ae8695327.jpg + gender_affinity: F + where_visible: UI +- id: e806c545-1004-4a21-a665-845fd321a0f7 + current_stock: 8 + name: Stylish Gray Shirt Dress + category: apparel + style: shirt + description: Crafted from lightweight fabric, this chic and flattering gray shirt + dress features a flowy silhouette perfect for day or night. An effortlessly stylish + addition to any woman's wardrobe. + price: 113.99 + image: e806c545-1004-4a21-a665-845fd321a0f7.jpg + gender_affinity: F + where_visible: UI +- id: 227f7ac2-749d-47cd-bf56-698aaffc24f9 + current_stock: 10 + name: Versatile Flowy White Shirt + category: apparel + style: shirt + description: This flowy white shirt is a versatile wardrobe staple. Its lightweight, + soft fabric flatters all body types. Dress it up or down for any occasion. + price: 61.99 + image: 227f7ac2-749d-47cd-bf56-698aaffc24f9.jpg + gender_affinity: F + where_visible: UI +- id: f99f0a8b-9c31-40dc-a503-a0ea9f276991 + current_stock: 9 + name: Stylish Printed Shirt for Women + category: apparel + style: shirt + description: This stylish printed gray shirt flatters with its soft, lightweight + fabric and eye-catching print. Perfect for casual wear, its comfortable fit and + vibrant design make it an effortlessly chic addition to any woman's wardrobe. + price: 212.99 + image: f99f0a8b-9c31-40dc-a503-a0ea9f276991.jpg + gender_affinity: F + where_visible: UI +- id: e51f4c9b-ecdb-40db-8d8b-7d61f1fb2890 + current_stock: 7 + name: Stylish Black Shirt for Women + category: apparel + style: shirt + description: Flatter your figure in this chic, soft black shirt. With a relaxed + yet feminine silhouette, this versatile top transitions effortlessly from day + to night out. A stylish closet staple you'll reach for again and again. + price: 213.99 + image: e51f4c9b-ecdb-40db-8d8b-7d61f1fb2890.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: d47cc222-a711-4d26-9e86-d84cd9ba8dd4 + current_stock: 17 + name: Cozy Brown Scoop Neck Shirt + category: apparel + style: shirt + description: Flattering and versatile, this soft cotton scoop neck shirt comfortably + complements any wardrobe. Its rich chocolate brown color and seamless style make + it perfect for work, weekends, and travel. + price: 218.99 + image: d47cc222-a711-4d26-9e86-d84cd9ba8dd4.jpg + gender_affinity: F + where_visible: UI +- id: a70432ad-2d7b-4c00-ad48-4c90a5934aaf + current_stock: 13 + name: Cozy White Crewneck Sweatshirt + category: apparel + style: shirt + description: This soft cotton crewneck sweatshirt is a versatile wardrobe essential + for women. With its simple yet stylish design, this lightweight white shirt layers + easily for casual everyday wear. + price: 104.99 + image: a70432ad-2d7b-4c00-ad48-4c90a5934aaf.jpg + gender_affinity: F + where_visible: UI +- id: 3946f4c8-1b5b-4161-b794-70b33affb671 + current_stock: 12 + name: Captivating Printed Top for Her + category: apparel + style: shirt + description: This eye-catching printed top features a stylish design and lightweight, + breathable fabric for effortless feminine flair. Perfect for elevating everyday + outfits from casual to chic. + price: 119.99 + image: 3946f4c8-1b5b-4161-b794-70b33affb671.jpg + gender_affinity: F + where_visible: UI +- id: 00096972-5f6b-44df-917b-f7d21ae5644c + current_stock: 11 + name: Stylish Pink Slim Fit Shirt + category: apparel + style: shirt + description: Presenting the Pink Slim Fit Shirt - a chic, flattering top in an eye-catching + pink hue. Expertly tailored in smooth, lightweight fabric for stylish comfort. + The perfect versatile piece to add panache to any woman's wardrobe. + price: 225.99 + image: 00096972-5f6b-44df-917b-f7d21ae5644c.jpg + gender_affinity: F + where_visible: UI +- id: 813427bd-9011-462b-88d6-f0978f5cf8c3 + current_stock: 13 + name: Sparkling White Classic Shirt + category: apparel + style: shirt + description: This crisp white dress shirt crafted from soft cotton features a slim + feminine fit, flattering darts, long sleeves, and front button placket for timeless + tailored style. + price: 185.99 + image: 813427bd-9011-462b-88d6-f0978f5cf8c3.jpg + gender_affinity: F + where_visible: UI +- id: 1c770ee6-98d7-4820-a5e0-3e7abc165f8d + current_stock: 14 + name: Slim Light Gray Women's Versatile Shirt + category: apparel + style: shirt + description: Crafted from soft, lightweight material, this refined light gray slim + fit dress shirt is an elegant and versatile piece, perfect for both casual and + professional settings. The flattering silhouette flatters the figure while the + muted gray tone pairs effortlessly with any color palette. + price: 224.99 + image: 1c770ee6-98d7-4820-a5e0-3e7abc165f8d.jpg + gender_affinity: F + where_visible: UI +- id: 4d247a1f-2296-49c7-b0a5-6a0fc8749af9 + current_stock: 13 + name: Crisp White Button-Front Blouse + category: apparel + style: shirt + description: This crisp white long sleeve button-front shirt offers a timeless and + sophisticated look. The lightweight fabric provides versatile coverage that can + be dressed up or down effortlessly. An essential piece for every fashionable woman's + wardrobe. + price: 176.99 + image: 4d247a1f-2296-49c7-b0a5-6a0fc8749af9.jpg + gender_affinity: F + where_visible: UI +- id: 0eceb1b4-30c6-4ce8-bd60-d4208ceb7acb + current_stock: 18 + name: Flattering Flowy Feminine V-Neck + category: apparel + style: shirt + description: Expertly crafted from soft, lightweight fabric, this versatile v-neck + blouse flatters with its flowy, feminine silhouette. An effortless go-to for both + casual and dressy occasions. + price: 94.99 + image: 0eceb1b4-30c6-4ce8-bd60-d4208ceb7acb.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 239e42a6-e8d8-404e-91f3-d713a2806ad0 + current_stock: 15 + name: Women's Elegant White Dress Shirt + category: apparel + style: shirt + description: This classic white dress shirt for women features an elegant, figure-flattering + silhouette in soft, breathable fabric. A versatile wardrobe essential perfect + for both casual and professional settings. + price: 159.99 + image: 239e42a6-e8d8-404e-91f3-d713a2806ad0.jpg + gender_affinity: F + where_visible: UI +- id: 50ed0b72-639d-468e-ab8a-1e97be4259e6 + current_stock: 18 + name: Slim Light Gray Women's Versatile Shirt + category: apparel + style: shirt + description: Revamp your wardrobe with this effortlessly chic light gray shirt. + Its slim flattering fit and soft lightweight fabric make it a versatile staple + to dress up or down for any occasion. + price: 194.99 + image: 50ed0b72-639d-468e-ab8a-1e97be4259e6.jpg + gender_affinity: F + where_visible: UI +- id: 6bbc1e81-6bab-4184-8093-fd71ce1d33c7 + current_stock: 7 + name: Slimming Sapphire Shirt Flatters Femininely + category: apparel + style: shirt + description: The Deep Blue Women's Shirt is a slim fitting, breathable button-down + that flatters with its rich blue hue. Sophisticated yet versatile, it transitions + effortlessly from workday professional to weekend casual. + price: 132.99 + image: 6bbc1e81-6bab-4184-8093-fd71ce1d33c7.jpg + gender_affinity: F + where_visible: UI +- id: 308e1a70-e10e-4f27-a923-5f1ac5d3c5d7 + current_stock: 10 + name: Stylish Blue Suit for Women + category: apparel + style: shirt + description: The Blue Suit Set is an elegant two-piece women's outfit with a tailored + jacket and matching trousers in rich blue fabric. A versatile addition to any + modern wardrobe, this chic suit flatters and can be dressed up or down for both + professional and casual settings. + price: 242.99 + image: 308e1a70-e10e-4f27-a923-5f1ac5d3c5d7.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 9f886e97-dc28-4690-a011-8f8fb3ce5bfe + current_stock: 19 + name: Soft Cotton Button-Down in Pale Gray + category: apparel + style: shirt + description: This versatile pale gray cotton button-down offers relaxed comfort + with its soft, breathable fabric. Dress it up or down effortlessly thanks to the + classic point collar, chest pocket, and straight hem. A timeless staple shirt + for any man's wardrobe. + price: 165.99 + image: 9f886e97-dc28-4690-a011-8f8fb3ce5bfe.jpg + gender_affinity: M + where_visible: UI +- id: 44193a01-20c1-4a97-896f-97940ec25ea6 + current_stock: 18 + name: Sleek Black Button-Down for Any Occasion + category: apparel + style: shirt + description: Expertly crafted from soft, breathable fabric, this versatile black + button-down shirt offers a timeless look perfect for both casual and smart casual + occasions. Its classic style pairs effortlessly with any outfit. + price: 189.99 + image: 44193a01-20c1-4a97-896f-97940ec25ea6.jpg + gender_affinity: M + where_visible: UI +- id: 46edff4c-918c-465a-8e03-2c30cff1a387 + current_stock: 6 + name: Stylish Red Button-Down Shirt + category: apparel + style: shirt + description: The Red Cotton Button-Down from Brand is a tailored, lightweight men's + shirt offering a pop of color and versatile styling. Made from soft, breathable + fabric, it's perfect for both casual and dressed up looks. + price: 160.99 + image: 46edff4c-918c-465a-8e03-2c30cff1a387.jpg + gender_affinity: M + where_visible: UI +- id: 61e5b9c4-a941-432e-b85a-baa285bb7207 + current_stock: 16 + name: Sleek Pale Gray Casual Shirt + category: apparel + style: shirt + description: Expertly tailored pale gray shirt offers a clean, versatile look. Made + from soft, lightweight material with classic collar and short sleeves for easy + casual style. Effortlessly transitions from workday to weekend. + price: 217.99 + image: 61e5b9c4-a941-432e-b85a-baa285bb7207.jpg + gender_affinity: M + where_visible: UI +- id: a4173910-cab1-4897-8317-ac138109ba8d + current_stock: 11 + name: Vibrant Blue-Green Cotton Shirt + category: apparel + style: shirt + description: Make a stylish statement with this soft, breathable 100% cotton shirt + in a vivid blue green hue. The tailored cut and vibrant color add polished flair + to casual looks for work or weekends. + price: 222.99 + image: a4173910-cab1-4897-8317-ac138109ba8d.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: f49331ff-4021-465f-bb42-9dd6a5933791 + current_stock: 15 + name: Soft Cotton Shirt in Pale Gray + category: apparel + style: shirt + description: Crafted from soft, breathable cotton, this versatile pale gray shirt + features a classic point collar and long sleeves with button cuffs for a tailored + yet relaxed fit perfect for both casual and business wear. + price: 200.99 + image: f49331ff-4021-465f-bb42-9dd6a5933791.jpg + gender_affinity: M + where_visible: UI +- id: 8fe445a6-1ced-4862-a43b-5bcfba3f3ab3 + current_stock: 10 + name: Comfy Cotton Crewneck for Active Men + category: apparel + style: shirt + description: The Simple White Tee is a timeless, versatile white cotton crewneck + perfect for any man's wardrobe. Its soft, breathable fabric provides superior + comfort whether worn casually or for athletic activities. + price: 213.99 + image: 8fe445a6-1ced-4862-a43b-5bcfba3f3ab3.jpg + gender_affinity: M + where_visible: UI +- id: 3d26e792-2d7c-4f14-8833-c56be9d99258 + current_stock: 16 + name: Simplistic Tees for Effortless Style + category: apparel + style: shirt + description: Expertly crafted for minimalist style and maximum comfort, this soft + cotton crewneck tee features a slim, flattering fit and versatile neutral colors + - an essential addition to every man's wardrobe. + price: 79.99 + image: 3d26e792-2d7c-4f14-8833-c56be9d99258.jpg + gender_affinity: M + where_visible: UI +- id: 9dd60e44-d07a-4b7c-a72d-30a05577faed + current_stock: 18 + name: Blue Dots Casual Button-Up + category: apparel + style: shirt + description: Crafted from soft, lightweight cotton with an eye-catching white dot + print, this versatile long sleeve button-up provides a comfortable, breathable + fit perfect for casual everyday wear or dressing up for an evening out. + price: 218.99 + image: 9dd60e44-d07a-4b7c-a72d-30a05577faed.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 4064a5eb-2183-4b89-8989-b8741e4dcb1c + current_stock: 11 + name: Steel Blue Button-Up Shirt for Men + category: apparel + style: shirt + description: This lightweight steel blue men's shirt offers refined, versatile style. + Crafted from soft, breathable fabric, it features a point collar, button cuffs, + and straight hem. Pair it with jeans or khakis for a polished yet relaxed look + perfect for work or weekends. + price: 119.99 + image: 4064a5eb-2183-4b89-8989-b8741e4dcb1c.jpg + gender_affinity: M + where_visible: UI +- id: 1e202570-7733-420b-bdd8-7b5a04168582 + current_stock: 7 + name: Sleek Monochrome Check Shirt + category: apparel + style: shirt + description: Expertly tailored monochrome checkered shirt offering breathable comfort + and versatile styling for easy sophistication. An effortless essential for both + casual and professional wear. + price: 57.99 + image: 1e202570-7733-420b-bdd8-7b5a04168582.jpg + gender_affinity: M + where_visible: UI +- id: d9fe4de3-00e2-4d77-ad9e-309b2ea6298a + current_stock: 12 + name: Sleek Steel Blue Button-Up + category: apparel + style: shirt + description: A versatile soft steel blue shirt offering refined style. Its lightweight + material and classic design make this shirt perfect for work or weekends. Looks + great with jeans, khakis, blazers or on its own. + price: 59.99 + image: d9fe4de3-00e2-4d77-ad9e-309b2ea6298a.jpg + gender_affinity: M + where_visible: UI +- id: 651a5288-9ae5-4532-8308-bfec752d845c + current_stock: 13 + name: Bold Checkered Shirt for Style + category: apparel + style: shirt + description: Crafted with soft, breathable fabric, this stylish checkered shirt + delivers bold flair and exceptional comfort. Its timeless print adds versatile + flair to any outfit. + price: 224.99 + image: 651a5288-9ae5-4532-8308-bfec752d845c.jpg + gender_affinity: M + where_visible: UI +- id: 4b953f5a-79b2-4a1e-b37b-3d05bd3bb64a + current_stock: 19 + name: Classic Plaid Cotton Shirt + category: apparel + style: shirt + description: Introducing the Sienna Plaid Cotton Button-Down Shirt - a stylish and + versatile long-sleeve shirt for men crafted from soft, breathable 100% cotton + in a classic blue, grey, and white plaid pattern. Looks great dressed up or down. + price: 171.99 + image: 4b953f5a-79b2-4a1e-b37b-3d05bd3bb64a.jpg + gender_affinity: M + where_visible: UI +- id: ff9c5ec9-69d0-4338-b4b2-96d48b2e91aa + current_stock: 17 + name: Stylish Black Button-Down Shirt + category: apparel + style: shirt + description: Expertly crafted black button-down shirt made from soft, breathable + fabric. Stylish and versatile for both casual and smart looks. The regular fit + flatters most body types while the crisp, wrinkle-resistant material keeps you + looking sharp. + price: 226.99 + image: ff9c5ec9-69d0-4338-b4b2-96d48b2e91aa.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: b2d44b10-c317-49cc-acb3-4bf9e5af8a74 + current_stock: 9 + name: Checkered Fun Shirt + category: apparel + style: shirt + description: Make a vibrant style statement with this lightweight multicolor checkered + shirt featuring a fun mix of blue, red, green and yellow squares. Looks sharp + yet relaxed - perfect for completing any casual outfit. + price: 232.99 + image: b2d44b10-c317-49cc-acb3-4bf9e5af8a74.jpg + gender_affinity: M + where_visible: UI +- id: 12e365f0-3230-4508-a96a-1ebb361aac6d + current_stock: 8 + name: Checkered Cotton Classics + category: apparel + style: shirt + description: The Checkered Cotton Shirt adds timeless style to any man's wardrobe. + Crafted from soft, breathable cotton in a classic checkered pattern, this versatile + shirt dresses up or down effortlessly. Look sharp yet relaxed in this stylish + staple. + price: 88.99 + image: 12e365f0-3230-4508-a96a-1ebb361aac6d.jpg + gender_affinity: M + where_visible: UI +- id: 7aa5ac4f-7801-4d7c-bc34-df4133fb2df7 + current_stock: 8 + name: Breathable Cotton Crewneck Tee + category: apparel + style: shirt + description: Crafted with soft, breathable cotton, this classic crewneck tee offers + laidback style. Its straight hem and relaxed fit provide versatile comfort. Look + and feel good affordably in this quality wardrobe essential for men. + price: 48.99 + image: 7aa5ac4f-7801-4d7c-bc34-df4133fb2df7.jpg + gender_affinity: M + where_visible: UI +- id: 50cc06f2-6218-42ab-8633-879ad8181607 + current_stock: 18 + name: Soft Khaki Button-Down for Men + category: apparel + style: shirt + description: This classic khaki shirt offers a relaxed yet sophisticated look. Crafted + from soft, wrinkle-resistant fabric with long sleeves and button cuffs, it provides + versatile styling for any occasion. + price: 105.99 + image: 50cc06f2-6218-42ab-8633-879ad8181607.jpg + gender_affinity: M + where_visible: UI +- id: 657b8b5a-9899-4670-a810-98d4293f5933 + current_stock: 13 + name: Breezy Linen Men's Button-Up + category: apparel + style: shirt + description: Crafted from lightweight, breathable linen, this casual button-up shirt + from Linen Hue offers a stylish yet relaxed look with its array of soft hues and + quality construction. Perfect for smart casual to everyday wear. + price: 174.99 + image: 657b8b5a-9899-4670-a810-98d4293f5933.jpg + gender_affinity: M + where_visible: UI +- id: 74752034-abd6-482b-a652-eca3bdbc906e + current_stock: 6 + name: Soft Pale Cotton Tee + category: apparel + style: shirt + description: Crafted from soft, breathable 100% cotton, this classic pale green + tee offers a flattering fit perfect for casual wear or dressed up looks. Its versatile + earthy hue complements any complexion. + price: 80.99 + image: 74752034-abd6-482b-a652-eca3bdbc906e.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 370d4c36-44ed-4abd-8ccb-41d85b4251c9 + current_stock: 10 + name: Slim Fit Breathable Men's Dress Shirt + category: apparel + style: shirt + description: This breathable tailored men's shirt keeps you cool and looking sharp + with its slim, sophisticated fit. The perfect versatile piece for work, dates, + and nights out. + price: 206.99 + image: 370d4c36-44ed-4abd-8ccb-41d85b4251c9.jpg + gender_affinity: M + where_visible: UI +- id: 8d1c9e6d-f08c-4043-823c-a38ee2d28e86 + current_stock: 15 + name: Slim-Fit Button-Up for Sophisticated Style + category: apparel + style: shirt + description: This slim-fit, tailored button-up brings sophisticated style to any + occasion. Crafted from quality fabric, it features a spread collar and long sleeves + for a polished, put-together look. + price: 122.99 + image: 8d1c9e6d-f08c-4043-823c-a38ee2d28e86.jpg + gender_affinity: M + where_visible: UI +- id: 30da015d-6f04-4b45-aacb-82e1f0e9c0fc + current_stock: 7 + name: Slim-Fit Trendy Button-Down + category: apparel + style: shirt + description: Look sharp in our stylish, slim-fit Trendy Shirt. The lightweight, + breathable fabric provides unmatched comfort while the collared design offers + a polished, versatile look - perfect for work or play. + price: 96.99 + image: 30da015d-6f04-4b45-aacb-82e1f0e9c0fc.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 5f052100-8675-4ed9-9b97-d12fc9e38539 + current_stock: 18 + name: Slim Tailored Men's Button-Down + category: apparel + style: shirt + description: This stylish men's button-down shirt in a slim, tailored fit crafted + from quality fabrics lends a refined yet versatile look. Perfect for both casual + and formal wear. + price: 143.99 + image: 5f052100-8675-4ed9-9b97-d12fc9e38539.jpg + gender_affinity: M + where_visible: UI +- id: 1af515fd-522d-402a-b73c-ff73b0d2efe9 + current_stock: 11 + name: Funky Patterned Men's Statement Shirt + category: apparel + style: shirt + description: The Funky Shirt is a stylish, eye-catching button-up for men featuring + a vibrant, funky pattern that adds bold flair to any outfit. Its tailored cut + flatters while the soft, lightweight fabric ensures comfort whether dressing up + or down. + price: 210.99 + image: 1af515fd-522d-402a-b73c-ff73b0d2efe9.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a3474b22-2c5b-41f1-87b7-ea8040b6b2f6 + current_stock: 17 + name: Classic White Button-Down Dress Shirt + category: apparel + style: shirt + description: This trendy and fashionable bright white button-down shirt is a versatile + wardrobe essential, perfect for both casual and formal wear. Its lightweight fabric, + spread collar, and classic front button placket offer a polished, put-together + look for any occasion. + price: 182.99 + image: a3474b22-2c5b-41f1-87b7-ea8040b6b2f6.jpg + gender_affinity: M + where_visible: UI +- id: cafd3a0b-1cee-4b14-a852-fe507c8197cd + current_stock: 18 + name: Stylish White Dress Shirt for Men + category: apparel + style: shirt + description: Expertly tailored mens dress shirt in crisp white fabric, featuring + a slim flattering fit, spread collar, and long sleeves. An essential versatile + wardrobe addition suitable for both casual and formal wear. + price: 149.99 + image: cafd3a0b-1cee-4b14-a852-fe507c8197cd.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 7266d3ec-a6ab-4ac3-b3bf-0b4bdd12ca13 + current_stock: 10 + name: Sleek White Dress Shirt for Men + category: apparel + style: shirt + description: Expertly tailored slim-fit white dress shirt crafted from breathable, + moisture-wicking fabric. Look sharp and stay cool in this versatile shirt perfect + for work, weddings, and special occasions. + price: 90.99 + image: 7266d3ec-a6ab-4ac3-b3bf-0b4bdd12ca13.jpg + gender_affinity: M + where_visible: UI +- id: 5ba5f911-0211-4043-9a28-d5a5dde3bd0e + current_stock: 13 + name: Crisp Tailored White Dress Shirt + category: apparel + style: shirt + description: Look sharp and stay cool in our stylish, tailored white dress shirt. + Made from lightweight, breathable fabric, this versatile shirt offers a comfortable + fit and crisp look perfect for both work and play. + price: 202.99 + image: 5ba5f911-0211-4043-9a28-d5a5dde3bd0e.jpg + gender_affinity: M + where_visible: UI +- id: 6458ddef-ea3f-4f57-8f9f-77b2f4818045 + current_stock: 12 + name: Stylish White Dress Shirt for the Modern Gent + category: apparel + style: shirt + description: Presenting the Dandyish White Dress Shirt - a refined and stylish option + for the modern gentleman. This tailored white shirt effortlessly combines timeless + elegance with contemporary flair for a polished, sophisticated look perfect for + both formal and smart casual wear. + price: 240.99 + image: 6458ddef-ea3f-4f57-8f9f-77b2f4818045.jpg + gender_affinity: M + where_visible: UI +- id: 189a9c0b-7f01-4cdc-a1b5-a5c500c2d8a4 + current_stock: 10 + name: Fresh Trendy Dress Shirt for Men + category: apparel + style: shirt + description: This crisp white dress shirt is a timeless, versatile essential - pair + it with suits or jeans to craft polished looks for work and play. Its lightweight + fabric provides effortless comfort and easy layering. + price: 131.99 + image: 189a9c0b-7f01-4cdc-a1b5-a5c500c2d8a4.jpg + gender_affinity: M + where_visible: UI +- id: 02353f2f-f55f-4db5-b0bf-b9e588ecfe26 + current_stock: 12 + name: Stylish White Dress Shirt for Men + category: apparel + style: shirt + description: The Dapper White Dress Shirt is a timeless and versatile men's shirt + that transitions effortlessly from the office to an evening out. Its lightweight + cotton makes for a comfortable, breathable fit perfect for any occasion requiring + refined style. + price: 224.99 + image: 02353f2f-f55f-4db5-b0bf-b9e588ecfe26.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a88f0fe2-5621-4168-a378-045362dcdc91 + current_stock: 12 + name: Crisp White Button-Down for Confidence + category: apparel + style: shirt + description: This crisp white button-down projects style and confidence. An effortlessly + fashionable staple, it pairs perfectly with suits or jeans for both work and play. + price: 77.99 + image: a88f0fe2-5621-4168-a378-045362dcdc91.jpg + gender_affinity: M + where_visible: UI +- id: b7f0c7f6-3d88-4dda-a6ab-ba3a29502642 + current_stock: 15 + name: Classic Stripes, Ultra-Soft Cotton Tee + category: apparel + style: shirt + description: This classic striped tee made of soft 100% cotton fits slim for a flattering + silhouette. Pair it with jeans or khakis for a timeless casual look perfect for + any occasion. + price: 241.99 + image: b7f0c7f6-3d88-4dda-a6ab-ba3a29502642.jpg + gender_affinity: M + where_visible: UI +- id: f151582e-ff88-4192-82b9-15bc82329e2c + current_stock: 13 + name: Timeless Polo + category: apparel + style: shirt + description: This timeless cotton polo shirt offers a preppy, versatile style for + any occasion. Its soft, breathable fabric provides lasting comfort, while the + ribbed collar and two-button placket deliver a classic, tailored look. + price: 237.99 + image: f151582e-ff88-4192-82b9-15bc82329e2c.jpg + gender_affinity: M + where_visible: UI +- id: 96d88fed-f26d-460f-9741-df5d55b5d8dd + current_stock: 8 + name: Funky Retro Color Socks + category: apparel + style: socks + description: Make a bold, retro statement with these playfully patterned cotton + socks! The vibrant hues and funky vibe will brighten your look. Soft, breathable, + and designed to showcase your fun personality, these cozy socks are the perfect + way to liven up any outfit. + price: 13.99 + image: 96d88fed-f26d-460f-9741-df5d55b5d8dd.jpg + gender_affinity: F + where_visible: UI +- id: 6fc26dd9-832e-449e-88f5-b7e3e79e4a4a + current_stock: 8 + name: Playful Patterned Socks for Sassy Style + category: apparel + style: socks + description: Express your fun and vibrant style with these playfully patterned stretch + cotton socks. The soft material and lively prints add personality to any outfit + while providing whimsical comfort. + price: 24.99 + image: 6fc26dd9-832e-449e-88f5-b7e3e79e4a4a.jpg + gender_affinity: F + where_visible: UI +- id: 2cb36a55-d238-45cf-a3ac-8e2cdf187c43 + current_stock: 19 + name: Stylish Patterned Socks for Bold Flair + category: apparel + style: socks + description: Make a bold style statement with these vibrantly patterned socks! The + smooth, comfortable fit and high-quality materials add flair to any outfit. + price: 12.99 + image: 2cb36a55-d238-45cf-a3ac-8e2cdf187c43.jpg + gender_affinity: F + where_visible: UI +- id: e159b541-4718-437b-92fe-d6f4892dffd8 + current_stock: 10 + name: Vibrant Patterned Ankle Socks + category: apparel + style: socks + description: Make a bold fashion statement with these eye-catching modish patterned + ankle socks! Crafted from soft, breathable materials in vibrant colors and designs, + these stylish socks add fun pops of color to any outfit while providing durable + comfort. + price: 15.99 + image: e159b541-4718-437b-92fe-d6f4892dffd8.jpg + gender_affinity: F + where_visible: UI +- id: 45ad5875-1814-4840-80c5-ca8dda40dfdf + current_stock: 13 + name: Colorful Statement Socks + category: apparel + style: socks + description: Make a bold fashion statement with these vibrantly patterned socks! + Crafted from high-quality materials, they offer a smooth, comfy fit and eye-catching + hues perfect for complementing any outfit. Add personality and flair to your look! + price: 15.99 + image: 45ad5875-1814-4840-80c5-ca8dda40dfdf.jpg + gender_affinity: F + where_visible: UI +- id: c3f5bf7c-2c15-49ac-9bb9-2b04bd1d1c0a + current_stock: 7 + name: Vibrant Patterned Socks for Bold Style + category: apparel + style: socks + description: Make a bold fashion statement with these supercool socks featuring + vibrant, eye-catching patterns in a variety of colors. Soft, breathable cotton + provides exceptional comfort. + price: 25.99 + image: c3f5bf7c-2c15-49ac-9bb9-2b04bd1d1c0a.jpg + gender_affinity: F + where_visible: UI +- id: bdd60031-236f-4b31-81bc-d85c5d555e4f + current_stock: 8 + name: Funky Retro Patterned Socks + category: apparel + style: socks + description: Make a vibrant, retro statement with these playfully patterned cotton + socks. The super soft material keeps feet cozy while the funky colors and designs + liven up any outfit. + price: 16.99 + image: bdd60031-236f-4b31-81bc-d85c5d555e4f.jpg + gender_affinity: F + where_visible: UI +- id: fa1a5349-e2c7-4eb0-a764-42f1a20bcd0a + current_stock: 10 + name: Fun Patterned Colorful Socks + category: apparel + style: socks + description: Add vibrant flair to any outfit with these playfully stylish socks! + The soft, breathable cotton boasts a fun mix of stripes and polka dots for a pop + of personality. Cushioned and moisture-wicking for total comfort. + price: 15.99 + image: fa1a5349-e2c7-4eb0-a764-42f1a20bcd0a.jpg + gender_affinity: F + where_visible: UI +- id: 9b23f522-d90c-4f8e-9195-655ba8ca69bf + current_stock: 7 + name: Funky Retro Patterned Socks + category: apparel + style: socks + description: Make a bold fashion statement with these groovy retro-inspired socks! + The colorful cotton-blend sock features a funky pattern in shades of blue, green, + orange and purple. Comfortable and stylish, they add flair to any outfit. + price: 22.99 + image: 9b23f522-d90c-4f8e-9195-655ba8ca69bf.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 57aaa8c6-e8ba-4128-b3c6-daac8d023624 + current_stock: 16 + name: Comfy Workday Socks + category: apparel + style: socks + description: Expertly crafted for comfort, First-rate's office socks feature a slim, + tailored fit and smooth, breathable fabric to keep feet dry and supported throughout + the workday. The perfect professional accessory for any office attire. + price: 16.99 + image: 57aaa8c6-e8ba-4128-b3c6-daac8d023624.jpg + gender_affinity: F + where_visible: UI +- id: 36c8e225-7568-4be9-a94a-c79f9e445e7f + current_stock: 11 + name: Plushy Luxury Dress Socks + category: apparel + style: socks + description: Elevate your style with these indulgently soft plush dress socks featuring + a smooth, cushy texture that envelops feet in luxurious comfort. The perfect versatile + accessory for both formal and casual wear. + price: 14.99 + image: 36c8e225-7568-4be9-a94a-c79f9e445e7f.jpg + gender_affinity: F + where_visible: UI +- id: 39ebddd2-7869-48a0-a3c4-5d9ce73bc04b + current_stock: 19 + name: Comfy Work Socks + category: apparel + style: socks + description: Flawless Office Socks blend comfort and professional style. Made with + breathable, durable fabrics and a perfectly snug fit, these subtle socks polish + any work wardrobe. + price: 18.99 + image: 39ebddd2-7869-48a0-a3c4-5d9ce73bc04b.jpg + gender_affinity: F + where_visible: UI +- id: d06df410-174c-4ef7-abcd-478f206f335f + current_stock: 10 + name: Stylish Yet Sturdy Work Socks + category: apparel + style: socks + description: Expertly crafted with breathable cotton-polyester, these mid-calf socks + provide sleek, professional style. The reinforced heel and toe ensure durability + while the variety of muted colors seamlessly match any work attire. + price: 12.99 + image: d06df410-174c-4ef7-abcd-478f206f335f.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 181136fc-b294-4594-afc6-3eb9c8185de6 + current_stock: 14 + name: Performance Socks for Peak Athletic Moves + category: apparel + style: socks + description: Performance socks engineered for peak athletic performance. Technical + moisture-wicking fabric and strategic cushioning keep feet cool, dry and blister-free + for powerful support through every move. + price: 14.99 + image: 181136fc-b294-4594-afc6-3eb9c8185de6.jpg + gender_affinity: F + where_visible: UI +- id: 10e29d00-cb8e-45f1-b2b9-2db36601cf9a + current_stock: 6 + name: Performance Socks for Active Women + category: apparel + style: socks + description: Breathable, moisture-wicking Sporty Socks keep feet cool, dry and blister-free + with arch support, reinforced construction and cushioned footbed. Fun patterns + and colors uplift your active lifestyle. + price: 5.99 + image: 10e29d00-cb8e-45f1-b2b9-2db36601cf9a.jpg + gender_affinity: F + where_visible: UI +- id: 9ef22ad3-955a-4925-a4fc-b000a56fdada + current_stock: 13 + name: Breathable Performance Training Socks + category: apparel + style: socks + description: Engineered for peak performance, these moisture-wicking socks hug your + feet with strategic cushioning and ventilation to power you through any workout + or sport with blister-free comfort. + price: 12.99 + image: 9ef22ad3-955a-4925-a4fc-b000a56fdada.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: ae6b8d70-760c-4e97-936b-4c56aaf9eac3 + current_stock: 6 + name: Colorful Patterned Statement Socks + category: apparel + style: socks + description: Vibrant, eye-catching socks in a variety of colorful patterns. Crafted + with quality materials for stylish comfort and flair. Add a fun pop of color to + any outfit! + price: 13.99 + image: ae6b8d70-760c-4e97-936b-4c56aaf9eac3.jpg + gender_affinity: M + where_visible: UI +- id: 17b30ddf-a797-42ba-8145-364fd62e724c + current_stock: 14 + name: Vibrant Patterned Fun Socks + category: apparel + style: socks + description: Make a bold statement with these playfully stylish socks! Crafted from + soft, breathable fabrics, these quality socks come in vibrant colors and eye-catching + designs to add flair to any outfit. + price: 6.99 + image: 17b30ddf-a797-42ba-8145-364fd62e724c.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 6d08204b-35e4-419b-b2c7-ef762a3c6597 + current_stock: 12 + name: Bold Patterned Socks for Style & Comfort + category: apparel + style: socks + description: Make a bold fashion statement with these vividly patterned cotton socks + featuring fun prints. Designed for comfort, they come in a range of sizes to provide + the perfect fit for all-day wear. + price: 10.99 + image: 6d08204b-35e4-419b-b2c7-ef762a3c6597.jpg + gender_affinity: M + where_visible: UI +- id: ccb407b1-7620-4303-8521-fea86c51f503 + current_stock: 7 + name: Vibrant Patterned Socks Pop Personality + category: apparel + style: socks + description: Make a bold fashion statement with these vibrant, eye-catching patterned + socks! The ultra-soft, breathable material keeps feet cool and comfortable while + adding a pop of personality to any outfit. + price: 7.99 + image: ccb407b1-7620-4303-8521-fea86c51f503.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 62c73bcf-6dc0-473b-b038-455122c05173 + current_stock: 10 + name: Bold Geometry Socks + category: apparel + style: socks + description: Make a vibrant style statement with these playful yet comfortable cotton-blend + socks featuring an ultracool geometric print in lively hues. Their eye-catching + design adds cheerful flair to any outfit. + price: 11.99 + image: 62c73bcf-6dc0-473b-b038-455122c05173.jpg + gender_affinity: M + where_visible: UI +- id: 6d349921-3507-43c4-8335-4639f01ee6c4 + current_stock: 17 + name: Bold Patterned Socks for Playful Style + category: apparel + style: socks + description: Make a bold fashion statement with these playfully stylish Dapper socks! + The vibrant colors and fun patterns add flair to any outfit. Crafted from soft, + breathable cotton for supreme comfort. + price: 22.99 + image: 6d349921-3507-43c4-8335-4639f01ee6c4.jpg + gender_affinity: M + where_visible: UI +- id: d68ad334-88ed-4ee6-a373-704927495e8b + current_stock: 9 + name: Funky Retro Color Socks + category: apparel + style: socks + description: Make a bold style statement with these playfully retro, vibrantly colorful + socks! Crafted from soft, breathable cotton for superior comfort, these funky + socks showcase your fun personality while keeping feet cozy and happy. + price: 11.99 + image: d68ad334-88ed-4ee6-a373-704927495e8b.jpg + gender_affinity: M + where_visible: UI +- id: bd27ce34-9109-40ef-a88c-e2caebc88f4a + current_stock: 19 + name: Stylish Solid Dress Socks + category: apparel + style: socks + description: These refined dress socks offer sophisticated style with their smooth, + comfortable fabric in a versatile solid color. Elevate your formal look for any + occasion with their polished appearance and durable construction. + price: 5.99 + image: bd27ce34-9109-40ef-a88c-e2caebc88f4a.jpg + gender_affinity: M + where_visible: UI +- id: e34b2124-55d6-41f1-a8d6-53285ec3b6af + current_stock: 12 + name: Stylish Solid Dress Socks for Men + category: apparel + style: socks + description: Elevate your style with these sophisticated dress socks featuring a + smooth, durable fabric and classic solid pattern that perfectly complements both + formal and casual attire. + price: 23.99 + image: e34b2124-55d6-41f1-a8d6-53285ec3b6af.jpg + gender_affinity: M + where_visible: UI +- id: 55be2f49-6c2b-4990-92a7-9cf29beea18c + current_stock: 15 + name: Comfy Patterned Stylish Socks + category: apparel + style: socks + description: Comfortable, stylish socks crafted with soft, breathable materials + in various colors and patterns. Perfect for any occasion, these high-quality dress + socks offer a comfortable fit and versatile style for work or weekends. + price: 21.99 + image: 55be2f49-6c2b-4990-92a7-9cf29beea18c.jpg + gender_affinity: M + where_visible: UI +- id: f31e0276-66fd-463b-9dbf-fd7a35e6a109 + current_stock: 8 + name: Comfy Work Socks + category: apparel + style: socks + description: Expertly engineered for workplace comfort, our premium socks feature + moisture-wicking fabric, reinforced construction and plush cushioning to keep + feet dry, blister-free and supported all day long. + price: 23.99 + image: f31e0276-66fd-463b-9dbf-fd7a35e6a109.jpg + gender_affinity: M + where_visible: UI +- id: 98d69241-7b11-46cf-94c9-8adc28ef1956 + current_stock: 12 + name: Performance Socks for Maximum Comfort + category: apparel + style: socks + description: Expertly engineered for peak sports performance. Strategic cushioning + absorbs impact while moisture-wicking fabric keeps feet cool, dry and blister-free. + Snug fit hugs arch with reinforced heel and toe for superior comfort and durability. + price: 10.99 + image: 98d69241-7b11-46cf-94c9-8adc28ef1956.jpg + gender_affinity: M + where_visible: UI +- id: 8cd7ffe0-a8a6-45b1-8d1f-bf731c9cd17b + current_stock: 12 + name: Breathable Golf Socks Keep Feet Cool + category: apparel + style: socks + description: Breathable performance golf socks with moisture-wicking fabric keep + your feet cool, dry and comfortable on the course. Anatomical design reduces fatigue + while reinforced heel, toe and arch support provide durability. Play 18 holes + in total comfort. + price: 5.99 + image: 8cd7ffe0-a8a6-45b1-8d1f-bf731c9cd17b.jpg + gender_affinity: M + where_visible: UI +- id: bb448194-3a66-4c6f-af1a-4ad41609a689 + current_stock: 13 + name: Game-Elevating Moisture-Wicking Athletic Socks + category: apparel + style: socks + description: Elevate your game with these breathable, moisture-wicking athletic + socks featuring arch support and cushioned heels and toes to prevent blisters + during intense workouts and competitive play. + price: 7.99 + image: bb448194-3a66-4c6f-af1a-4ad41609a689.jpg + gender_affinity: M + where_visible: UI +- id: 26744e55-7e27-4192-be27-af96c812fd3e + current_stock: 7 + name: Silky Smooth Skin Massage Oil + category: beauty + style: bathing + description: Indulge in tranquility with our Massage Oil for Smooth Skin. This luxurious + oil glides effortlessly, melting away tension while nourishing skin. The natural + formula leaves you feeling relaxed and renewed. + price: 57.99 + image: 26744e55-7e27-4192-be27-af96c812fd3e.jpg + where_visible: UI +- id: d78a318a-ca96-4bb3-9f9f-90847b105f2a + current_stock: 11 + name: Scrub Away Dull Skin + category: beauty + style: bathing + description: Reinvigorate your bathing routine with the Scrub Ball, an innovative + exfoliator that deeply cleanses and polishes skin. Its textured surface scrubs + away impurities, leaving you smooth, refreshed, and ready to take on the day. + price: 9.99 + image: d78a318a-ca96-4bb3-9f9f-90847b105f2a.jpg + where_visible: UI +- id: c9eed2f3-8275-47a6-b485-166162262c70 + current_stock: 10 + name: Revitalizing Radiance Restorer + category: beauty + style: bathing + description: Radiance Restoring Beauty Cream deeply hydrates and nourishes skin, + leaving it soft, supple and glowing. This rich, luxurious moisturizer formulated + with natural botanicals absorbs quickly without greasy residue. Restore a youthful, + healthy glow with this versatile day or night cream. + price: 9.99 + image: c9eed2f3-8275-47a6-b485-166162262c70.jpg + where_visible: UI +- id: ab228b40-f692-4662-9986-6d8184dda20b + current_stock: 9 + name: Radiant Glow Nourishing Balm + category: beauty + style: bathing + description: Indulge your senses with Radiant Beauty Balm, a luxuriously nourishing + balm that envelops skin in soft, supple moisture. This lightweight beauty elixir + delivers decadent hydration, leaving complexion radiant with a gorgeous, healthy + glow. + price: 51.99 + image: ab228b40-f692-4662-9986-6d8184dda20b.jpg + where_visible: UI +- id: 36e1f150-3d83-4d3c-9855-8daf858d8e28 + current_stock: 17 + name: Radiant Complexion Enhancer + category: beauty + style: bathing + description: Reveal your most radiant complexion with this advanced skincare essential! + The nourishing formula and ergonomic applicator deliver smooth, even application + for easy beauty enhancement. Look and feel your absolute best with this must-have + bathing beauty product. + price: 9.99 + image: 36e1f150-3d83-4d3c-9855-8daf858d8e28.jpg + where_visible: UI +- id: 72ae72f3-e7f0-4f03-b8eb-12e78c77741d + current_stock: 8 + name: Tranquil Bath Oil Escape + category: beauty + style: bathing + description: Immerse yourself in tranquil serenity with our Fragrant Bath Oil. This + aromatic blend of lavender, eucalyptus, and chamomile essential oils will transport + your senses to a blissful spa-like oasis, right in the comfort of home. + price: 36.99 + image: 72ae72f3-e7f0-4f03-b8eb-12e78c77741d.jpg + where_visible: UI + promoted: true +- id: 5d6023ca-e614-49ea-aa61-643d9f7284d7 + current_stock: 10 + name: Brighten Skin with Detox Cream + category: beauty + style: bathing + description: Reveal your glowing, beautiful skin with our rich Charcoal Detox Cream. + Activated charcoal draws out dirt and impurities for clean, clarified skin. Formulated + with nourishing shea butter and vitamin E to leave your skin feeling soft and + renewed. + price: 9.99 + image: 5d6023ca-e614-49ea-aa61-643d9f7284d7.jpg + where_visible: UI + promoted: true +- id: 692ce7b7-54ec-422e-b40f-cd9967475263 + current_stock: 17 + name: Soft Lips with Shea + category: beauty + style: bathing + description: Nourish dry lips with this moisturizing lip balm. Its rich formula + with shea butter and vitamin E glides on smoothly to seal in moisture, prevent + cracking, and restore soft supple lips. The convenient twist-up balm provides + anytime lip nourishment. + price: 9.99 + image: 692ce7b7-54ec-422e-b40f-cd9967475263.jpg + where_visible: UI +- id: 63074efc-388e-4505-b984-5b25a4441299 + current_stock: 6 + name: Invigorating Citrus Aromatherapy Bar + category: beauty + style: bathing + description: Sublime Soap is a handcrafted, aromatic beauty bar that cleanses, nourishes, + and pampers your skin with premium natural ingredients. Its refreshing citrus, + herbal, and floral fragrance indulgently envelops you while gently leaving skin + soft, smooth, and subtly scented. + price: 22.99 + image: 63074efc-388e-4505-b984-5b25a4441299.jpg + where_visible: UI +- id: 4994caee-f0b7-4ce8-a4df-d542ce1d9bda + current_stock: 10 + name: Indulgent Floral Soap for Pampering + category: beauty + style: bathing + description: Experience the luxurious lather and floral scent of our handcrafted + Rich Soap. Its moisturizing formula with botanical extracts leaves skin soft, + smooth and lightly fragranced. Treat yourself to this indulgent beauty soap for + daily cleansing and pampering. + price: 73.99 + image: 4994caee-f0b7-4ce8-a4df-d542ce1d9bda.jpg + where_visible: UI +- id: b87da3f8-9a3e-417d-abd7-16329c5be1ba + featured: true + current_stock: 19 + name: Luxurious Fragrant Soap for Silky Skin + category: beauty + style: bathing + description: Indulge in luxurious beauty with our fragrant soap. Crafted with care, + it leaves skin feeling soft, smooth and refreshed. Allow the beautiful scent to + transport you to a spa-like escape each time you wash. A rich treat for your skin. + price: 43.99 + image: b87da3f8-9a3e-417d-abd7-16329c5be1ba.jpg + where_visible: UI +- id: 641f3960-72a7-4e2b-be69-8a7539eb50bb + current_stock: 19 + name: Refresh Skin with Hydrating Beauty Lotion + category: beauty + style: bathing + description: Refresh and nourish your skin daily with our lightweight, fast-absorbing + Hydrating Beauty Lotion. Its moisturizing formula keeps skin soft, smooth and + hydrated without greasiness. The easy-to-use bottle makes hydration a breeze after + every shower. + price: 30.99 + image: 641f3960-72a7-4e2b-be69-8a7539eb50bb.jpg + where_visible: UI +- id: 647094ec-04d2-438b-a36f-2942945a6dc0 + current_stock: 12 + name: Indulgent Shea & Cocoa Beauty Soap + category: beauty + style: bathing + description: Indulge your senses with our luxurious, richly lathering Shea & Cocoa + beauty soap. The creamy, fragrant formula with premium oils moisturizes as it + gently cleanses for soft, smooth skin. A mini spa escape with each use. + price: 32.99 + image: 647094ec-04d2-438b-a36f-2942945a6dc0.jpg + where_visible: UI +- id: 2b1a78db-aab8-41e1-b8e4-9582c886124b + current_stock: 12 + name: Plush Cotton Spa Towel + category: beauty + style: bathing + description: Pamper yourself with the rich, plush softness of our Luxury Cotton + Bath Towel. Its ultra-absorbent cotton gently caresses your skin, turning after-shower + drying into a luxurious spa-like experience. + price: 63.99 + image: 2b1a78db-aab8-41e1-b8e4-9582c886124b.jpg + where_visible: UI +- id: 5858c342-2d79-4abe-91b4-d794c16b96d1 + current_stock: 13 + name: Plush Cotton Bath Towel + category: beauty + style: bathing + description: Indulge in luxurious softness with this plush, generously sized cotton + terry bath towel. Its ultra-absorbent weave gently dries your skin after bathing, + providing a little everyday luxury to refresh your daily routine. + price: 17.99 + image: 5858c342-2d79-4abe-91b4-d794c16b96d1.jpg + where_visible: UI +- id: 7fd05ca4-ac20-46cf-b4f8-87147eef8d65 + current_stock: 6 + name: Revitalizing Organic Everyday Soap + category: beauty + style: bathing + description: Revitalize your skin with our thoughtfully crafted organic soap. Its + natural ingredients gently cleanse and nourish without stripping moisture, leaving + you fresh and renewed. The perfect addition to your self-care routine. + price: 71.99 + image: 7fd05ca4-ac20-46cf-b4f8-87147eef8d65.jpg + where_visible: UI + promoted: true +- id: fe96a096-a0b6-4b20-a332-e11db6c0c7b0 + current_stock: 18 + name: Luxurious Cotton Towel for Pampering + category: beauty + style: bathing + description: Indulge in spa-like luxury at home with this ultra-soft cotton towel + that gently dries and pampers sensitive skin after bathing. The plush texture + envelops you in softness for a relaxing, soothing experience. + price: 67.99 + image: fe96a096-a0b6-4b20-a332-e11db6c0c7b0.jpg + where_visible: UI +- id: 96e21eaa-08e0-4b7b-9cd0-330720891b89 + current_stock: 9 + name: Plush Microfiber Bath Towel for Luxurious Comfort + category: beauty + style: bathing + description: Pamper yourself in plush comfort with this oversized, velvety soft + microfiber bath towel. Its ultra-absorbent fabric gently dries you after bathing, + enveloping your body in a warm, spa-like feel for total relaxation. + price: 24.99 + image: 96e21eaa-08e0-4b7b-9cd0-330720891b89.jpg + where_visible: UI +- id: 9257351d-59f7-481a-86c4-30dea451afa2 + current_stock: 15 + name: Velvety Soft Luxury Bath Towel + category: beauty + style: bathing + description: Luxuriously soft and absorbent, the Upscale Velour Bath Towel envelops + you in velvety softness after every shower. Made from 100% cotton with a plush + velour finish, this generously sized quick-drying towel provides a touch of spa-like + pampering to your daily routine. + price: 22.99 + image: 9257351d-59f7-481a-86c4-30dea451afa2.jpg + where_visible: UI +- id: f91ec34f-a08e-4408-8bb0-592bdd09375c + current_stock: 10 + name: Soft Brush for Stylish Grooming + category: beauty + style: grooming + description: This versatile soft-bristled brush smoothly glides across skin and + hair for effortless makeup application, hair styling, exfoliating, and grooming. + Its ergonomic handle provides control and comfort during use. + price: 50.99 + image: f91ec34f-a08e-4408-8bb0-592bdd09375c.jpg + gender_affinity: F + where_visible: UI +- id: 4296626c-fbb0-42b4-9a50-b6c6c16095f3 + current_stock: 7 + name: Flawless Makeup Brush Kit + category: beauty + style: grooming + description: This all-in-one makeup brush kit contains 11 high-quality synthetic + brushes for flawless application. With brushes for eyes, cheeks and complexion, + it's the ultimate beauty essential for smooth, streak-free blending and buffing + of makeup. + price: 29.99 + image: 4296626c-fbb0-42b4-9a50-b6c6c16095f3.jpg + gender_affinity: F + where_visible: UI +- id: 09920b2e-4e07-41f7-aca6-47744777a2a7 + current_stock: 12 + name: Sleek Razor for Smooth Stylish Shaves + category: beauty + style: grooming + description: Sleekly designed razor with vibrant style provides a close, smooth + shave. Its ergonomic handle and lubricated blades glide smoothly across skin for + precise control, comfort, and irritation-free grooming. + price: 9.99 + image: 09920b2e-4e07-41f7-aca6-47744777a2a7.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 39945ad0-57c9-4c28-a69c-532d5d167202 + current_stock: 18 + name: Flawless Makeup Brush Set + category: beauty + style: grooming + description: This makeup brush set provides flawless application for any look. The + soft, versatile brushes blend, contour and highlight with precision. An essential + collection of professional quality tools for beginners and experts alike. + price: 36.99 + image: 39945ad0-57c9-4c28-a69c-532d5d167202.jpg + gender_affinity: F + where_visible: UI +- id: 1bcb66c4-ee9d-4c0c-ba53-168cb243569f + current_stock: 8 + name: Essentials Kit for At-Home Grooming + category: beauty + style: grooming + description: This elegant all-in-one kit contains quality grooming tools to trim, + shape, and maintain nails, brows, and hair. The perfect at-home pampering solution + for on-the-go touch-ups and beauty routines. + price: 9.99 + image: 1bcb66c4-ee9d-4c0c-ba53-168cb243569f.jpg + gender_affinity: F + where_visible: UI +- id: 1bfbe5c7-6f02-4465-82f1-6083a4b302c0 + current_stock: 18 + name: Sleek Precision Razor for Irritation-Free Shaving + category: beauty + style: grooming + description: Achieve the perfect clean shave with this top-quality stainless steel + razor. The ergonomic rubber handle provides maximum comfort and control for wet + or dry shaving. Sleek, modern design delivers precision shaving and an irritation-free + experience. The essential grooming tool for a well-groomed look. + price: 67.99 + image: 1bfbe5c7-6f02-4465-82f1-6083a4b302c0.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 6d5b3f03-ade6-42f7-969d-acd1f2162332 + current_stock: 10 + name: Razor Blades for Smooth Precision + category: beauty + style: grooming + description: Achieve a close, smooth shave with the Razor's durable stainless steel + blades. Its ergonomic handle provides maximum control and comfort for a precise, + irritation-free shave. Look sharp with this must-have grooming tool. + price: 37.99 + image: 6d5b3f03-ade6-42f7-969d-acd1f2162332.jpg + gender_affinity: M + where_visible: UI +- id: 83095a08-2968-4275-a375-4fab404df7ac + current_stock: 19 + name: Sleek Razor for a Smooth Shave + category: beauty + style: grooming + description: Get the close, smooth shave you deserve with our sleek, modern razor. + Durable stainless steel blades and an ergonomic rubber handle provide maximum + control and comfort for wet or dry shaving. The must-have grooming tool for every + well-groomed man's bathroom. + price: 62.99 + image: 83095a08-2968-4275-a375-4fab404df7ac.jpg + gender_affinity: M + where_visible: UI +- id: afdd9c41-2762-45bf-b6a7-e3fb8f1b34ba + current_stock: 15 + name: Sleek Razor for an Irritation-Free Shave + category: beauty + style: grooming + description: The Minimalist Razor's sleek and ergonomic design provides a smooth, + close shave. This compact, high-quality razor is a bathroom essential for the + man looking for an irritation-free morning routine. + price: 9.99 + image: afdd9c41-2762-45bf-b6a7-e3fb8f1b34ba.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 5dbc7cb7-39c5-4795-9064-d1655d78b3ca + current_stock: 7 + name: Ergonomic Razor for Smooth Shaving + category: beauty + style: grooming + description: Presenting the Razor, an innovative ergonomic razor with pivoting head + for a close, comfortable shave. Its durable stainless steel blades stay sharp + while the aloe strip helps protect skin. Sleek, lightweight, and water-resistant, + this essential grooming tool delivers smooth, stubble-free skin. The perfect addition + to your daily routine. + price: 31.99 + image: 5dbc7cb7-39c5-4795-9064-d1655d78b3ca.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 1e58593d-6395-41ca-9fb0-a9607337ce18 + current_stock: 13 + name: Gentle Toothbrush for Healthier Smiles + category: beauty + style: grooming + description: Our Soft Toothbrush gently massages gums while sweeping away plaque + with soft, tightly packed bristles. Thoughtfully angled for easy maneuvering, + it provides a thorough clean for brighter, healthier teeth and gums. + price: 83.99 + image: 1e58593d-6395-41ca-9fb0-a9607337ce18.jpg + where_visible: UI +- id: b3ac3191-20ee-491c-8a24-42e0889152ef + current_stock: 14 + name: Soft Bristles, Bright Smiles + category: beauty + style: grooming + description: With ultra-soft bristles that gently clean teeth and massage gums, + our ergonomic Soft Toothbrush promotes a brighter, healthier smile. Its slim, + easy-grip handle provides precision control for a thorough clean you'll love. + price: 39.99 + image: b3ac3191-20ee-491c-8a24-42e0889152ef.jpg + where_visible: UI +- id: 544c63ea-7c23-41f5-9841-9960ade21c54 + current_stock: 19 + name: Gentle Brush for Teeth Care + category: beauty + style: grooming + description: Our Soft Toothbrush gently cleans teeth and massages gums with soft + bristles that remove plaque yet are gentle on enamel and gums. Thoughtful design + from handle to tip for an easy, effective daily clean. + price: 37.99 + image: 544c63ea-7c23-41f5-9841-9960ade21c54.jpg + where_visible: UI +- id: 59b0aeff-c1cc-4d7c-b928-dec5457942e0 + current_stock: 12 + name: Cleaning Swabs for Precise Grooming + category: beauty + style: grooming + description: Versatile cotton-tipped swabs for delicate cleaning and grooming. Use + them to neatly and precisely apply cosmetics, clean ears, remove makeup, and more. + A must-have hygiene tool for well-stocked bathrooms and medicine cabinets. + price: 9.99 + image: 59b0aeff-c1cc-4d7c-b928-dec5457942e0.jpg + where_visible: UI +- id: b5daf920-8f69-4603-9ccb-1d7f2b77656e + current_stock: 15 + name: Smooth Shave Razor for Precise Grooming + category: beauty + style: grooming + description: The Razor's ergonomic handle and pivoting head glide smoothly for precision + shaving. Its durable blades stay sharp to remove unwanted hair, while the aloe + strip protects skin. This must-have grooming tool leaves skin touchably soft and + stubble-free. + price: 65.99 + image: b5daf920-8f69-4603-9ccb-1d7f2b77656e.jpg + where_visible: UI +- id: f99e3fe4-6d50-470b-9925-6801020b262a + current_stock: 11 + name: Sharp Clipper for Smooth Trims + category: beauty + style: grooming + description: Achieve professional-quality haircuts at home with this innovative + hair clipper featuring adjustable blades for customized trims, a powerful motor + for fast cutting, and an ergonomic design for easy handling and smooth shaves. + price: 42.99 + image: f99e3fe4-6d50-470b-9925-6801020b262a.jpg + where_visible: UI +- id: 1513d9f0-bb81-4b0c-bab5-20e8ea67c104 + current_stock: 16 + name: Clean Teeth on the Go + category: beauty + style: grooming + description: This ergonomic toothbrush has angled soft bristles to thoroughly clean + teeth and massage gums, promoting oral health. Its compact size is perfect for + travel so you can maintain your oral hygiene routine anywhere. + price: 58.99 + image: 1513d9f0-bb81-4b0c-bab5-20e8ea67c104.jpg + where_visible: UI +- id: 5d697560-14a3-4e76-8a3a-5e5c5b5b3353 + current_stock: 13 + name: Sleek Steel Scissors Snip with Precision + category: beauty + style: grooming + description: Impeccably crafted steel scissors with contoured handles provide precision + grooming and effortless styling. The sleek chrome design and super-sharp blades + ensure smooth, comfortable trimming for the dapper gentleman. + price: 22.99 + image: 5d697560-14a3-4e76-8a3a-5e5c5b5b3353.jpg + where_visible: UI +- id: 5449ebf6-1579-4fdc-8e02-7f631d2cdfbd + current_stock: 8 + name: Fresh & Bright Toothbrush + category: beauty + style: grooming + description: Gently clean teeth and massage gums with our thoughtfully designed + soft toothbrush. Its easy-grip handle and soft, tightly packed bristles provide + a comfortable clean to leave your teeth fresh and bright. + price: 81.99 + image: 5449ebf6-1579-4fdc-8e02-7f631d2cdfbd.jpg + where_visible: UI + promoted: true +- id: b2f9ea63-f7d4-4944-84ce-208164326c8e + current_stock: 7 + name: Fresh Breath Toothbrush + category: beauty + style: grooming + description: This handy white toothbrush has soft bristles designed to gently clean + teeth and massage gums, removing particles for fresh breath. Its angled compact + ergonomic design allows thorough brushing anytime, anywhere. + price: 67.99 + image: b2f9ea63-f7d4-4944-84ce-208164326c8e.jpg + where_visible: UI +- id: 4f13bb6a-20f0-4067-a33d-6585b3cd26f2 + current_stock: 7 + name: Spice Up Your Kitchen with Chinese + category: books + style: cooking + description: Master authentic Chinese cooking at home with this expansive cookbook. + It provides easy-to-follow recipes for dumplings, stir-fries, noodles and more, + along with tips on ingredients, techniques and the cuisine's rich cultural history. + price: 26.99 + image: 4f13bb6a-20f0-4067-a33d-6585b3cd26f2.jpg + where_visible: UI +- id: 31eef6b5-781e-4353-a851-d73ff9c22f9a + current_stock: 12 + name: Chinese Cuisine at Home Cookbook + category: books + style: cooking + description: Master authentic Chinese cooking at home with this detailed cookbook! + It provides easy-to-follow recipes for popular dishes like dumplings, noodles, + stir-fries, and more. An essential guide for cooks of all levels to make delicious + restaurant-quality Chinese meals. + price: 52.99 + image: 31eef6b5-781e-4353-a851-d73ff9c22f9a.jpg + where_visible: UI + promoted: true +- id: b740e07e-f890-4ace-8c97-4dc4cf1d173b + current_stock: 17 + name: French Cuisine Mastery in Your Kitchen + category: books + style: cooking + description: Master authentic French cooking at home! This cookbook offers easy + step-by-step recipes to make classic French dishes like coq au vin, bouillabaisse, + and creme brulee. The ultimate guide to impress guests with new French cuisine + skills. + price: 19.99 + image: b740e07e-f890-4ace-8c97-4dc4cf1d173b.jpg + where_visible: UI + promoted: true +- id: 5e1679f5-2a52-44be-8453-760bf61d43b4 + current_stock: 16 + name: French Cookbook + category: books + style: cooking + description: Capture the essence of French cuisine in your kitchen with this cookbook. + Master classic techniques and recipes to create stunning appetizers, entrees, + and desserts that will impress guests. + price: 42.99 + image: 5e1679f5-2a52-44be-8453-760bf61d43b4.jpg + where_visible: UI +- id: c04c5c8e-d946-402a-a751-a3d33c124ccc + current_stock: 13 + name: Spicy Flavors of Indonesian Cuisine + category: books + style: cooking + description: Discover the aromatic flavors of Indonesia with this immersive cookbook. + Master techniques like spice pastes and wok cooking through step-by-step recipes + for satay, curries, rice dishes, and more. An essential guide to Indonesian cuisine. + price: 38.99 + image: c04c5c8e-d946-402a-a751-a3d33c124ccc.jpg + where_visible: UI +- id: e3ba411e-c199-4933-a31f-5eb4260baa4a + current_stock: 17 + name: Italian Flavors Cookbook + category: books + style: cooking + description: Discover the flavors of Italy with this essential cookbook featuring + easy, authentic recipes for pasta, pizza, antipasti, gelato, and more Italian + favorites. Perfect for home cooks looking to master classic cuisine. + price: 25.99 + image: e3ba411e-c199-4933-a31f-5eb4260baa4a.jpg + where_visible: UI + promoted: true +- id: 9cc46ed9-287c-4ce8-bdb5-8e1fed177dd5 + current_stock: 16 + name: Master Classical Recipes + category: books + style: cooking + description: Discover the joys of authentic homemade Italian cooking with this comprehensive + cookbook featuring over 100 recipes for traditional antipasti, pastas, entrees, + and desserts. Master classics like ossobuco, lasagna, tiramisu, and more with + ease. + price: 45.99 + image: 9cc46ed9-287c-4ce8-bdb5-8e1fed177dd5.jpg + where_visible: UI +- id: 2dc771b7-69ed-45d4-9a60-ce9f83ac25a4 + current_stock: 10 + name: Explore Japan's Flavors at Home + category: books + style: cooking + description: Discover the rich flavors of authentic Japanese home cooking. This + immersive cookbook provides easy-to-follow recipes for making staples like miso + soup and sushi, as well as more advanced fare to expand your culinary skills. + price: 25.99 + image: 2dc771b7-69ed-45d4-9a60-ce9f83ac25a4.jpg + where_visible: UI +- id: aee3290c-fe89-4606-916f-b59867dbcf04 + current_stock: 7 + name: Moroccan Flavors Cookbook + category: books + style: cooking + description: Discover the vibrant flavors of Moroccan cuisine with this cookbook's + easy-to-follow recipes. Master traditional ingredients and techniques to create + signature dishes from appetizers to desserts. An essential guide to exploring + Morocco's rich culinary traditions. + price: 27.99 + image: aee3290c-fe89-4606-916f-b59867dbcf04.jpg + where_visible: UI + promoted: true +- id: 9e663074-853f-45a4-a950-9419eaff5531 + current_stock: 18 + name: Spanish Flavors Cookbook + category: books + style: cooking + description: Discover the flavors of Spain with this comprehensive Spanish cookbook. + Authentic recipes for tapas, paella, gazpacho and more let you explore traditional + Spanish cuisine right at home. + price: 49.99 + image: 9e663074-853f-45a4-a950-9419eaff5531.jpg + where_visible: UI +- id: e093925f-ea8c-4409-a00f-3d725cc463fb + current_stock: 8 + name: Classic Swedish Cooking Recipes + category: books + style: cooking + description: Discover the flavors of Sweden with this immersive cookbook! Learn + to prepare classics like meatballs, salmon, and cardamom rolls through easy recipes + and tips on sourcing ingredients and techniques. A journey through a unique Nordic + cuisine right from your kitchen. + price: 54.99 + image: e093925f-ea8c-4409-a00f-3d725cc463fb.jpg + where_visible: UI +- id: 460afbac-6cc5-4c84-b0a2-ddce67286e37 + current_stock: 16 + name: Spicy Thai Home Cooking Cookbook + category: books + style: cooking + description: Discover the bright, rich flavors of Thai cuisine with this essential + cookbook. Step-by-step recipes for classics like pad thai, curries, and tom yum + soup make it easy to cook authentic Thai meals at home. + price: 42.99 + image: 460afbac-6cc5-4c84-b0a2-ddce67286e37.jpg + where_visible: UI +- id: 589823cc-89f2-4bd5-8cab-e89478f530ea + current_stock: 14 + name: Spicy Thai Cuisine Cookbook + category: books + style: cooking + description: Discover the bright, bold flavors of Thai cuisine with this easy-to-follow + cookbook. Step-by-step recipes for fragrant curries, tasty noodles, refreshing + salads and more let you recreate popular dishes at home. + price: 47.99 + image: 589823cc-89f2-4bd5-8cab-e89478f530ea.jpg + where_visible: UI +- id: a228856e-ed94-48e3-9af3-575d20565bde + current_stock: 18 + name: A Taste of Turkey + category: books + style: cooking + description: Immerse yourself in Turkish cuisine with this cookbook's easy recipes + for classics like hummus, dolmas, kebabs, baklava, and coffee. Explore the flavors, + ingredients, and techniques that define this satisfying cuisine. + price: 21.99 + image: a228856e-ed94-48e3-9af3-575d20565bde.jpg + where_visible: UI +- id: 5fd9f9b7-e6e4-468d-93b8-fa984f66cde3 + current_stock: 18 + name: Taste of Turkey Cookbook + category: books + style: cooking + description: Discover the rich flavors of Turkish cuisine with this cookbook's easy, + step-by-step recipes for classics like kebabs, baklava, dolmas, and more. An immersive + guide to Turkey's vibrant regional dishes and ingredients. + price: 15.99 + image: 5fd9f9b7-e6e4-468d-93b8-fa984f66cde3.jpg + where_visible: UI +- id: f0b502a3-9b02-4dff-9898-97ce83a4fb81 + current_stock: 17 + name: Australia's Top Sights Revealed + category: books + style: travel + description: Discover Australia's top destinations with this comprehensive travel + guide. Packed with rich details on must-see attractions, hidden gems, abundant + tips, high-quality maps, and stunning photos across the country's six states and + two territories. + price: 15.99 + image: f0b502a3-9b02-4dff-9898-97ce83a4fb81.jpg + where_visible: UI +- id: 4f9e1247-5342-4a79-ae6d-e53d083840a8 + current_stock: 18 + name: Discover Britain's Hidden Gems Travel Guide + category: books + style: travel + description: Discover Britain's top destinations with this comprehensive travel + guide. Expert tips and must-see sights help you build an unforgettable British + vacation. + price: 15.99 + image: 4f9e1247-5342-4a79-ae6d-e53d083840a8.jpg + where_visible: UI +- id: b55e794f-1137-4de2-bcea-806041e080e6 + current_stock: 11 + name: Discover China Travel Guide + category: books + style: travel + description: Discover China's ancient wonders and modern marvels with this comprehensive + travel guide. Expert insights on top destinations, culture, history, cuisine, + and more help you plan an unforgettable trip. + price: 10.99 + image: b55e794f-1137-4de2-bcea-806041e080e6.jpg + where_visible: UI + promoted: true +- id: 84ab276d-9713-409f-861e-35502d6dc64a + current_stock: 11 + name: Discover China's Wonders Travel Guide + category: books + style: travel + description: Discover China's ancient wonders and modern marvels with this comprehensive + travel guide. Expert insights reveal the country's top sights, culture, cuisine, + and more in this beautifully illustrated companion for an unforgettable journey. + price: 14.99 + image: 84ab276d-9713-409f-861e-35502d6dc64a.jpg + where_visible: UI +- id: 4adabef5-293b-42c0-b6d1-1cf853f6391d + current_stock: 18 + name: Ancient China Travels Guidebook + category: books + style: travel + description: Discover China's ancient history and modern marvels with this comprehensive + travel guide. Expert insights on top destinations, culture, cuisine, and language + make planning your Chinese adventure easy. + price: 10.99 + image: 4adabef5-293b-42c0-b6d1-1cf853f6391d.jpg + where_visible: UI +- id: 5d37a44b-d121-426e-b528-59e603ba5923 + featured: true + current_stock: 9 + name: Egypt Travel Guide + category: books + style: travel + description: Discover ancient mysteries and wonders on this comprehensive Egypt + travel guide. Expert tips for visiting pyramids, cruising the Nile, and navigating + bazaars in this complete companion for your perfect Egyptian vacation. + price: 11.99 + image: 5d37a44b-d121-426e-b528-59e603ba5923.jpg + where_visible: UI +- id: 53ce7597-bb59-45e0-a3a3-ca3ef6f7ce1c + current_stock: 10 + name: Experience France's Allure and Flavors + category: books + style: travel + description: Discover the captivating sights, flavors, and culture of France with + this complete travel guide. Visit iconic landmarks, sample world-famous cuisine, + and immerse yourself in vibrant French life. + price: 11.99 + image: 53ce7597-bb59-45e0-a3a3-ca3ef6f7ce1c.jpg + where_visible: UI +- id: 468f0798-8c51-4846-b8ee-c9fea3a32cf4 + current_stock: 10 + name: Wander Through Greece's Hidden Gems + category: books + style: travel + description: Discover Greece is the essential travel guidebook to plan your dream + trip to this Mediterranean paradise. Expertly curated recommendations on destinations, + activities, sights, and hidden gems for an unforgettable Greek vacation. + price: 12.99 + image: 468f0798-8c51-4846-b8ee-c9fea3a32cf4.jpg + where_visible: UI +- id: 2a372402-5ea1-42cb-b374-0f6c10200fcc + current_stock: 8 + name: Adventure Awaits in Greece + category: books + style: travel + description: Discover Greece's ancient ruins, charming islands, and mouthwatering + cuisine with this comprehensive travel guide. Expert tips help you craft an unforgettable + itinerary full of hidden gems and classic destinations. + price: 13.99 + image: 2a372402-5ea1-42cb-b374-0f6c10200fcc.jpg + where_visible: UI + promoted: true +- id: 1dddc877-52ac-480c-b786-2dbd2be70c04 + current_stock: 12 + name: A Taste of Iceland's Wonders + category: books + style: travel + description: Discover Iceland's majestic natural wonders and vibrant culture with + this comprehensive travel guide. Packed with maps, tips, and sample itineraries + for the perfect Icelandic adventure. + price: 12.99 + image: 1dddc877-52ac-480c-b786-2dbd2be70c04.jpg + where_visible: UI +- id: ac099a60-9187-4d4f-97b4-6bdfb14ba521 + current_stock: 11 + name: Immerse Yourself in Iceland''s Wonders + category: books + style: travel + description: Discover Iceland's majestic natural wonders, vibrant culture, and lively + cities with this comprehensive travel guide. Packed with maps, itineraries, and + insider tips to craft your perfect Icelandic adventure. + price: 11.99 + image: ac099a60-9187-4d4f-97b4-6bdfb14ba521.jpg + where_visible: UI +- id: 6095dabe-0311-476c-b537-84f6f3dc2d75 + current_stock: 10 + name: Wander Through Italy's Charm + category: books + style: travel + description: Discover Italy's iconic cities, culture, cuisine, and sights with this + must-have travel guide. Expertly crafted itineraries help you plan an unforgettable + Italian vacation full of hidden gems, attractions, and authentic local experiences. + price: 14.99 + image: 6095dabe-0311-476c-b537-84f6f3dc2d75.jpg + where_visible: UI + promoted: true +- id: ec02b332-05a5-40dd-ae9d-2b0672baaa6e + current_stock: 6 + name: Vivid Japan Travel Adventures + category: books + style: travel + description: Discover Japan's hidden gems with this comprehensive travel guide. + Plan your perfect trip with detailed itineraries, maps, and insider tips for top + destinations and hidden wonders. Customize your vacation for any timeline and + budget. + price: 15.99 + image: ec02b332-05a5-40dd-ae9d-2b0672baaa6e.jpg + where_visible: UI +- id: ef2bc846-fed1-4d6b-a9bb-e50c6961f254 + current_stock: 13 + name: Safari Dreams + category: books + style: travel + description: Discover Kenya's majestic wildlife and rugged landscapes with this + comprehensive travel guide. Packed with expert tips, stunning photos, and detailed + maps to plan your African dream vacation. + price: 15.99 + image: ef2bc846-fed1-4d6b-a9bb-e50c6961f254.jpg + where_visible: UI +- id: 62206a61-b821-47ea-be0c-c4fbf57e091e + current_stock: 7 + name: Ancient Secrets of Mexico Travel Guide + category: books + style: travel + description: Discover Mexico's rich culture, history, and cuisine with this comprehensive + travel guide. Expert tips help you craft the perfect Mexican getaway. + price: 12.99 + image: 62206a61-b821-47ea-be0c-c4fbf57e091e.jpg + where_visible: UI +- id: fd34b35b-de76-496e-89f1-6ef65969e1a4 + current_stock: 16 + name: Wander Mexico's Hidden Treasures + category: books + style: travel + description: Discover Mexico's magic with this comprehensive travel guidebook. It + provides insider tips to plan your perfect getaway, from top destinations and + authentic cuisine to hidden gems only locals know. Essential for experiencing + the diverse wonders of Mexico. + price: 15.99 + image: fd34b35b-de76-496e-89f1-6ef65969e1a4.jpg + where_visible: UI +- id: a7aeba8c-1feb-4f9c-94d8-031612c55fb8 + current_stock: 14 + name: Discover Russia's Hidden Gems Guidebook + category: books + style: travel + description: Discover Russia's majestic sites, stunning architecture, and authentic + experiences with this essential travel guide. All you need to plan an unforgettable + trip. + price: 15.99 + image: a7aeba8c-1feb-4f9c-94d8-031612c55fb8.jpg + where_visible: UI +- id: 47707417-48c4-4faa-84ee-a06414d29e46 + current_stock: 14 + name: A Taste of Spanish Wonders + category: books + style: travel + description: Discover Spain is the essential travel guidebook to immerse yourself + in Spain's vibrant culture, stunning landscapes, and mouthwatering cuisine. This + well-researched book offers recommendations on top destinations, hidden gems, + maps, itineraries, and practical tips for an unforgettable Spanish adventure. + price: 9.99 + image: 47707417-48c4-4faa-84ee-a06414d29e46.jpg + where_visible: UI +- id: e53a6570-3a3f-4ca8-b6dc-8ff378bca757 + current_stock: 12 + name: Immerse Yourself in Sweden''s Wonders + category: books + style: travel + description: Discover Sweden's rich history, culture, and natural wonders with this + comprehensive travel guide. Expertly curated recommendations for Stockholm, Gothenburg, + Lapland, and beyond. + price: 12.99 + image: e53a6570-3a3f-4ca8-b6dc-8ff378bca757.jpg + where_visible: UI + promoted: true +- id: 5c7c00f5-37fa-4fab-95f8-f6982401f762 + current_stock: 10 + name: Discover Scenic Beauty + category: books + style: travel + description: Discover Sweden's rich history and stunning landscapes with this comprehensive + travel guide. Expertly curated recommendations for Stockholm, Gothenburg, and + beyond help you plan an unforgettable Swedish vacation. + price: 11.99 + image: 5c7c00f5-37fa-4fab-95f8-f6982401f762.jpg + where_visible: UI +- id: 25f47b5f-b4c7-4233-ad13-184da65d9bc8 + current_stock: 9 + name: Sturdy Connectivity Cable + category: electronics + style: cable + description: The Definitive Cable provides sturdy, shielded connectivity for electronics + at home or on the go. Gold-plated connectors and braided shielding prevent interference + for clear signal transmission. Durable PVC jacket protects flexible internal wiring. + Definitive cabling meets demanding connectivity needs. + price: 5.99 + image: 25f47b5f-b4c7-4233-ad13-184da65d9bc8.jpg + where_visible: UI +- id: bc24f94d-c4c3-4378-bf8b-0455ef1aa72b + current_stock: 7 + name: Durable Braided USB Cable + category: electronics + style: cable + description: This durable braided USB-C to USB-A cable seamlessly connects all your + devices for hassle-free charging and data transfer. The 6-foot length provides + flexibility while the nylon exterior prevents tangles. The robust inner copper + wiring ensures reliable performance. This practical accessory handles any task + - the perfect gadget solution. + price: 5.99 + image: bc24f94d-c4c3-4378-bf8b-0455ef1aa72b.jpg + where_visible: UI +- id: c0abd282-4bc0-4bbd-936a-9b5ad0c2eeb7 + current_stock: 16 + name: Flexible Sturdy Electronics Cable + category: electronics + style: cable + description: Sleek yet sturdy, this 3ft flexible electronics cable connects your + devices with ease. Durable copper wiring and thick PVC coating ensure stable performance + for daily use. Charge, transfer data, and power peripherals with this versatile + USB and aux accessory you'll wonder how you lived without. + price: 10.99 + image: c0abd282-4bc0-4bbd-936a-9b5ad0c2eeb7.jpg + where_visible: UI +- id: 5d6929a4-570d-4eaa-a0c4-4b1aa350add6 + current_stock: 18 + name: Superior Connectivity Cable + category: electronics + style: cable + description: Unrivaled Premium Cable delivers unmatched connectivity and performance. + This expertly engineered, rigorously tested cable ensures crisp, clear transmission + for your devices. Get premium construction and advanced shielding for uncompromising + speed and fidelity. + price: 16.99 + image: 5d6929a4-570d-4eaa-a0c4-4b1aa350add6.jpg + where_visible: UI + promoted: true +- id: ab704911-0afe-4c60-bf22-134c9e45f6d5 + current_stock: 7 + name: Connect Devices with Handy Cable + category: electronics + style: cable + description: This versatile connectivity cable hooks up your devices for charging, + transfers, or AV connections. Its high-quality copper wiring enables reliable + performance you can count on. Conveniently compact to stash in your bag. + price: 11.99 + image: ab704911-0afe-4c60-bf22-134c9e45f6d5.jpg + where_visible: UI + promoted: true +- id: 41a12d66-8172-4551-be7d-f575f9d85098 + current_stock: 11 + name: Durable Cable Connects Your World + category: electronics + style: cable + description: Expertly engineered electronics cable delivers reliable connectivity + and signal integrity for home and mobile devices. Durable, flexible cabling suits + a variety of uses while providing the essentials for power, data transfer speed, + and durability. + price: 9.99 + image: 41a12d66-8172-4551-be7d-f575f9d85098.jpg + where_visible: UI +- id: dd9e97a6-4281-40a5-9048-fde7809623fb + current_stock: 13 + name: Durable Connectivity Cable With Style + category: electronics + style: cable + description: Superior Connectivity Cable provides premium durability and interference + shielding for seamless device connectivity at home or on-the-go. + price: 13.99 + image: dd9e97a6-4281-40a5-9048-fde7809623fb.jpg + where_visible: UI +- id: 9f274415-3a6c-4266-9de3-239a75ca36c1 + current_stock: 8 + name: Essential Link Cable + category: electronics + style: cable + description: The Indispensable Connectivity Cable enables seamless power and data + transfer between devices. This versatile, durable cable is a must-have accessory + for any electronics enthusiast seeking quality components that enhance their tech + experience. + price: 13.99 + image: 9f274415-3a6c-4266-9de3-239a75ca36c1.jpg + where_visible: UI + promoted: true +- id: 2a69de63-48a5-4fcf-b086-4faab06bf63a + current_stock: 16 + name: Superior Connectivity Cable + category: electronics + style: cable + description: Unrivaled Premium Cable delivers unmatched connectivity and performance + for your electronics. Its sturdy construction shields signals from interference, + ensuring fast, reliable connections. This premium cable is expertly engineered + for exceptional durability and unparalleled quality you can depend on. + price: 10.99 + image: 2a69de63-48a5-4fcf-b086-4faab06bf63a.jpg + where_visible: UI +- id: 1e486998-18ca-4a42-bad5-001aaf7830aa + current_stock: 13 + name: Sleek Connectivity Cable for Charging and Transfers + category: electronics + style: cable + description: This sleek, compact cable conveniently connects your devices for charging, + transfers, and audio in a snap. Durable copper wiring ensures reliable performance + you can count on when you need connectivity on the go. + price: 8.99 + image: 1e486998-18ca-4a42-bad5-001aaf7830aa.jpg + where_visible: UI +- id: 5ff6ab61-2296-418b-b09f-ea92e17f7bec + current_stock: 10 + name: The Handy Multi-Tasking Wonder Cable + category: electronics + style: cable + description: The Convenient Multi-Use Cable is the handy tech accessory you need. + This high-quality, durable cable connects your devices for charging, transferring + data, or A/V - wherever, whenever. Sleek, compact, and versatile, it simplifies + connectivity. + price: 8.99 + image: 5ff6ab61-2296-418b-b09f-ea92e17f7bec.jpg + where_visible: UI +- id: 9f32c911-f282-4d71-b70d-30f6d5630a35 + current_stock: 11 + name: Durable Braided Charging Cable + category: electronics + style: cable + description: The Handy Braided Nylon Cable connects your devices anywhere with its + durable, tangle-free design and high-quality copper wiring for reliable charging + and data transfer. + price: 12.99 + image: 9f32c911-f282-4d71-b70d-30f6d5630a35.jpg + where_visible: UI +- id: 4bcb9dea-5dc0-41b4-b086-382ea577ac96 + current_stock: 14 + name: Versatile Camera Captures Life's Moments + category: electronics + style: camera + description: Capture life's moments with stunning detail using Camera X's versatile + imaging capabilities. This high-end camera balances easy auto-modes with full + manual controls to unleash creativity for photographers of all levels. + price: 9.99 + image: 4bcb9dea-5dc0-41b4-b086-382ea577ac96.jpg + where_visible: UI +- id: 9bc87696-e9bd-4241-86b0-234e054a607b + current_stock: 14 + name: Vivid Viewfinder Camera X Pro + category: electronics + style: camera + description: The Camera X Pro delivers stunning photos and videos with its powerful + lens, large sensor, and intuitive controls in a rugged yet lightweight body. This + versatile camera unleashes creativity for professionals and amateurs alike. + price: 9.99 + image: 9bc87696-e9bd-4241-86b0-234e054a607b.jpg + where_visible: UI +- id: 48504eb2-f982-44ac-919b-0555539f525d + current_stock: 13 + name: Capturing Memories in Stunning Clarity + category: electronics + style: camera + description: Capture life's special moments in stunning detail with this compact, + high-resolution camera. Its intuitive interface and advanced features make beautiful + photography simple for casual and experienced users alike. + price: 1216.99 + image: 48504eb2-f982-44ac-919b-0555539f525d.jpg + where_visible: UI + promoted: true +- id: 55988ddb-e48f-4cb0-9474-93c4abba4f0f + current_stock: 9 + name: Capturing Life's Moments + category: electronics + style: camera + description: Capture life's moments in stunning detail with the Camera X Pro. This + versatile, professional-grade camera packs impressive imaging power into a portable + body, delivering incredible photos and videos in any conditions. + price: 9.99 + image: 55988ddb-e48f-4cb0-9474-93c4abba4f0f.jpg + where_visible: UI +- id: 1395fa7c-cceb-4ed2-a0dc-16500c639165 + current_stock: 19 + name: Capturing Moments Camera + category: electronics + style: camera + description: Capture life's special moments with this lightweight, compact high-res + camera. Its intuitive interface and stunning image quality make preserving memories + simple. + price: 665.99 + image: 1395fa7c-cceb-4ed2-a0dc-16500c639165.jpg + where_visible: UI + promoted: true +- id: b889fa0e-bbba-4e93-a41e-eff046a14073 + current_stock: 9 + name: Capturing Life's Moments in Stunning Clarity + category: electronics + style: camera + description: This compact yet powerful point-and-shoot camera captures life's moments + in stunning high-resolution photos and videos. Its intuitive interface makes adjusting + settings on-the-fly effortless so you'll never miss the perfect shot. + price: 1061.99 + image: b889fa0e-bbba-4e93-a41e-eff046a14073.jpg + where_visible: UI +- id: 0cb3ab29-b939-4732-b8ac-72ec61a4f950 + current_stock: 16 + name: Compact Camera - Photos Like a Pro + category: electronics + style: camera + description: This lightweight, yet powerful camera captures brilliant photos and + videos with its professional-grade lens and large image sensor. Perfect for amateur + photographers or seasoned pros seeking high quality images in a durable, compact + body. + price: 9.99 + image: 0cb3ab29-b939-4732-b8ac-72ec61a4f950.jpg + where_visible: UI + promoted: true +- id: 7ef35f21-5d7d-4608-a3ea-63252c3ceaeb + current_stock: 7 + name: Capturing Life's Moments + category: electronics + style: camera + description: Capture life's special moments with this lightweight, compact camera + featuring a high-resolution sensor for stunning photos and intuitive controls + for easy adjustments. Its portable design makes high-quality photography simple + anywhere, any time. + price: 845.99 + image: 7ef35f21-5d7d-4608-a3ea-63252c3ceaeb.jpg + where_visible: UI +- id: 3818f451-1478-42e4-8d0d-a3a4779dbc6d + current_stock: 17 + name: Sleek Camera X100 - Professional Photos in Your Pocket + category: electronics + style: camera + description: Capture professional-quality photos and videos with the versatile Camera + X100. This lightweight, durable camera combines powerful imaging capabilities + with intuitive controls in a compact body ideal for photographers of all skill + levels. + price: 9.99 + image: 3818f451-1478-42e4-8d0d-a3a4779dbc6d.jpg + where_visible: UI +- id: a3d100db-ddcf-4500-b3b9-74908b19b08f + current_stock: 12 + name: Capturing Life's Moments + category: electronics + style: camera + description: Capture life's moments in stunning detail with the Camera X100. This + versatile, professional-grade camera delivers sophisticated optics and brilliant + image quality in a lightweight, compact body. + price: 9.99 + image: a3d100db-ddcf-4500-b3b9-74908b19b08f.jpg + where_visible: UI + promoted: true +- id: 999aaf19-41f9-4de6-913d-ff01ddcec556 + current_stock: 8 + name: Capture Life's Moments in Stunning Clarity + category: electronics + style: camera + description: Capture life's moments in stunning detail with the Camera X Pro. This + versatile, professional-quality camera delivers exceptional image quality and + reliable performance to unleash your creative potential. + price: 9.99 + image: 999aaf19-41f9-4de6-913d-ff01ddcec556.jpg + where_visible: UI +- id: bd1c42ea-cf80-4bb0-9bab-847789889991 + current_stock: 18 + name: Vivid Moments Captured Easily + category: electronics + style: camera + description: Capture life's beautiful moments in stunning detail with the Advanced + Imaging camera. This versatile, professional-quality camera produces crisp, vivid + photos and videos in all conditions with its powerful lens and large sensor. Express + your creative vision with ease. + price: 9.99 + image: bd1c42ea-cf80-4bb0-9bab-847789889991.jpg + where_visible: UI +- id: 326a1ec5-9de2-4acb-920a-2b38df25aeb1 + current_stock: 11 + name: Easy Snap Compact Camera + category: electronics + style: camera + description: Capture life's special moments with this lightweight, easy-to-use camera. + Its high-resolution sensor produces stunning images while the intuitive interface + makes adjusting settings a breeze. Perfect for on-the-go portability. + price: 969.99 + image: 326a1ec5-9de2-4acb-920a-2b38df25aeb1.jpg + where_visible: UI +- id: 40b1b91a-d1ff-40cf-8ea6-cea00103c8c7 + current_stock: 15 + name: Capturing Life's Treasured Moments + category: electronics + style: camera + description: Capture life's moments in stunning detail with the Camera Pro. This + versatile, professional-quality camera packs advanced features into a lightweight, + durable body for brilliant photos and videos in any conditions. + price: 9.99 + image: 40b1b91a-d1ff-40cf-8ea6-cea00103c8c7.jpg + where_visible: UI + promoted: true +- id: 838c1bd8-b433-4eba-aec6-34255db327dc + current_stock: 10 + name: Capturing Moments Camera + category: electronics + style: camera + description: Capture life's special moments with this lightweight, easy-to-use camera + featuring a high-resolution sensor for stunning photos and intuitive controls + for effortless on-the-fly adjustments. Portable and affordable high-quality camera + perfect for vacations, holidays, and everyday adventures. + price: 1692.99 + image: 838c1bd8-b433-4eba-aec6-34255db327dc.jpg + where_visible: UI +- id: 8d23133d-113b-4798-a714-5418302835f0 + current_stock: 10 + name: Sleek Compact Camera Captures Life + category: electronics + style: camera + description: Capture life's memorable moments in stunning detail with our compact, + high-res portable camera. Its intuitive interface and impressive sensor deliver + quick, easy, professional-quality photos and videos anywhere inspiration strikes. + price: 1840.99 + image: 8d23133d-113b-4798-a714-5418302835f0.jpg + where_visible: UI + promoted: true +- id: 0ce88e06-0088-4591-8be1-329bb8241c9e + current_stock: 6 + name: Capturing Life's Moments in 4K + category: electronics + style: camera + description: Capture life's precious moments in stunning detail with this lightweight, + high-resolution video camera. Its powerful zoom, image stabilization, and intuitive + controls make recording smooth, professional-quality home movies easy. + price: 1520.99 + image: 0ce88e06-0088-4591-8be1-329bb8241c9e.jpg + where_visible: UI + promoted: true +- id: 5b6eb862-f3a9-4b2c-8981-50a604ca676c + current_stock: 13 + name: Capturing Life in Full HD + category: electronics + style: camera + description: Capture life's moments in stunning 1080p full HD with the VideoPro + HD Camera. This feature-packed camera makes it easy to record crisp, clear video + and 12MP photos anywhere thanks to its compact design, rotating touchscreen, and + built-in WiFi for wireless media transfer. + price: 9.99 + image: 5b6eb862-f3a9-4b2c-8981-50a604ca676c.jpg + where_visible: UI +- id: 65439d96-79d7-41e2-bea7-6e98c0f204c0 + current_stock: 15 + name: Capturing Life in Full HD + category: electronics + style: camera + description: Capture stunning 1080p video and 12MP photos with this versatile video + camera. Its wide-angle lens, 3" touchscreen, WiFi, 64GB storage and extensive + controls provide pro-level performance without the complexity and cost of high-end + gear. + price: 9.99 + image: 65439d96-79d7-41e2-bea7-6e98c0f204c0.jpg + where_visible: UI + promoted: true +- id: f899a4fd-832d-4820-b651-31f0d252525a + current_stock: 12 + name: HD Zoom Camera for Special Moments + category: electronics + style: camera + description: Capture life's special moments in stunning HD detail with this easy-to-use, + lightweight video camera. Its powerful zoom, image stabilization, and array of + professional features make creating home movies simple. + price: 1556.99 + image: f899a4fd-832d-4820-b651-31f0d252525a.jpg + where_visible: UI +- id: 6111cec6-00e3-41ac-954d-59d175975492 + current_stock: 16 + name: HD Moments Camera + category: electronics + style: camera + description: Capture life's moments in stunning HD with the VideoPro camera. Its + wide-angle lens, touchscreen, WiFi, and 64GB storage let you easily record and + share crisp, clear video anywhere. + price: 9.99 + image: 6111cec6-00e3-41ac-954d-59d175975492.jpg + where_visible: UI +- id: 52f04147-c46e-452c-8e26-21c089cea285 + current_stock: 13 + name: Memorable Moments Video Camera + category: electronics + style: camera + description: Capture life's special moments in stunning high-definition detail with + this easy-to-use, lightweight video camera. Its powerful zoom, advanced image + stabilization, and crisp audio make it ideal for vacations, events, and preserving + memories. + price: 1348.99 + image: 52f04147-c46e-452c-8e26-21c089cea285.jpg + where_visible: UI +- id: e2397f59-12e5-454a-99c8-99cd5fe86e44 + current_stock: 15 + name: HD Zoom Camera for Special Moments + category: electronics + style: camera + description: Capture life's special moments in stunning HD detail with this easy-to-use, + lightweight video camera. Its powerful zoom and professional settings produce + incredibly smooth, vivid home movies you'll cherish forever. + price: 805.99 + image: e2397f59-12e5-454a-99c8-99cd5fe86e44.jpg + where_visible: UI +- id: 8fbe091c-f73c-4727-8fe7-d27eabd17bea + current_stock: 14 + name: Capturing Memories in Focus + category: electronics + style: camera + description: Capture life's precious moments in stunning detail with this lightweight, + easy-to-use video camera. Its powerful zoom, advanced image stabilization, and + high-resolution sensor enable you to create clear, steady, high-quality videos + to cherish for a lifetime. + price: 1858.99 + image: 8fbe091c-f73c-4727-8fe7-d27eabd17bea.jpg + where_visible: UI +- id: 46202f4b-1395-430b-8208-7adb3201990f + current_stock: 19 + name: Zoom In on Life's Memories + category: electronics + style: camera + description: Capture life's special moments in stunning detail with this lightweight, + easy-to-use video camera. Its high-resolution sensor, image stabilization, large + LCD screen, and impressive optical zoom make creating high-quality home videos + and travel vlogs effortless. + price: 585.99 + image: 46202f4b-1395-430b-8208-7adb3201990f.jpg + where_visible: UI +- id: 0ea1ce23-a279-407d-a68a-86c8b3e83f79 + current_stock: 12 + name: Capturing Life in Full HD + category: electronics + style: camera + description: Capture life's moments in stunning 1080p Full HD. The VideoPro camera + features a wide-angle lens, 3" touchscreen, WiFi, long battery life, and ample + storage for hours of high-quality video. Professional-grade features in a user-friendly + package. + price: 9.99 + image: 0ea1ce23-a279-407d-a68a-86c8b3e83f79.jpg + where_visible: UI +- id: b30f5517-9cc2-45ef-87d8-5bb60a443c36 + current_stock: 9 + name: Super Zoom HD Video Camera + category: electronics + style: camera + description: Capture life's precious moments in stunning HD detail with this lightweight, + easy-to-use video camera. Its powerful zoom, image stabilization, and high-resolution + sensor let you film clear, steady videos whether at a child's game or on your + next adventure. + price: 752.99 + image: b30f5517-9cc2-45ef-87d8-5bb60a443c36.jpg + where_visible: UI +- id: e0134f0e-a7ae-4349-a52c-f1f02139a79e + current_stock: 8 + name: Ultra Zoom HD Video Camera + category: electronics + style: camera + description: Capture stunning full HD video and crisp 12MP photos with the Video + Camera's 30x optical zoom, flip-out touchscreen, and extensive manual controls. + This feature-packed camera is perfect for videographers of all levels. + price: 9.99 + image: e0134f0e-a7ae-4349-a52c-f1f02139a79e.jpg + where_visible: UI +- id: 75e9f144-28cd-4f72-af5d-63be5e3761c8 + current_stock: 12 + name: Capturing Life in Full HD + category: electronics + style: camera + description: Capture life's best moments in stunning 1080p HD video and 12MP photos + with the VideoPro camera. Its wide-angle lens, rotating touchscreen, WiFi, long-lasting + battery, and ample storage provide versatility for all your videography needs. + price: 9.99 + image: 75e9f144-28cd-4f72-af5d-63be5e3761c8.jpg + where_visible: UI +- id: 018ed8da-1977-4afd-ac8a-58be861fbe45 + current_stock: 12 + name: High-Def Video Camera - Perfect Memories + category: electronics + style: camera + description: Capture life's magical moments in stunning high definition with this + lightweight, easy-to-use video camera. Its compact, durable design and powerful + zoom make it perfect for vacations, events, and everyday memories. + price: 1539.99 + image: 018ed8da-1977-4afd-ac8a-58be861fbe45.jpg + where_visible: UI +- id: 35d4970e-cd3d-4f69-9754-15c8765793d6 + current_stock: 9 + name: Relive Special Moments in HD + category: electronics + style: camera + description: Capture life's special moments in stunning HD video with this easy-to-use, + lightweight video camera. Its compact design, long battery life, and high-resolution + sensor deliver crisp, detailed footage to document vacations, weddings, and family + events. + price: 447.99 + image: 35d4970e-cd3d-4f69-9754-15c8765793d6.jpg + where_visible: UI + promoted: true +- id: a051511e-d3ac-46d3-ac9c-e82fa8e60a3e + current_stock: 6 + name: Film Precious Moments in HD + category: electronics + style: camera + description: Capture life's special moments in stunning high definition with this + lightweight, easy-to-use video camera. Its compact design and powerful zoom make + it perfect for vacations, events, and everyday memories. + price: 825.99 + image: a051511e-d3ac-46d3-ac9c-e82fa8e60a3e.jpg + where_visible: UI +- id: c05e4501-6048-4d1d-80b1-b80ea841bc39 + current_stock: 19 + name: Capturing Life in Full HD + category: electronics + style: camera + description: Capture life's moments in stunning 1080p Full HD with the VideoPro + HD Camera. Its powerful features like wide-angle lens, 3" touchscreen, WiFi, and + long-lasting battery ensure pro-quality video and photos anywhere, any time. Portable, + durable, and easy to use. + price: 9.99 + image: c05e4501-6048-4d1d-80b1-b80ea841bc39.jpg + where_visible: UI +- id: 7c0b9b63-33ae-409c-b5f5-d5aa020a4344 + current_stock: 11 + name: Stunning 4K Video Camera + category: electronics + style: camera + description: Capture life's most precious moments in stunning 4K clarity with this + easy-to-use, lightweight video camera. Its powerful zoom, image stabilization, + and array of features make recording smooth, shake-free home movies and events + effortless. + price: 1706.99 + image: 7c0b9b63-33ae-409c-b5f5-d5aa020a4344.jpg + where_visible: UI +- id: 536b9388-bafb-432d-9085-ad4af01edd6f + current_stock: 13 + name: Capturing Life in Full HD + category: electronics + style: camera + description: Capture life's moments in stunning 1080p Full HD with this feature-packed + video camera. Its wide-angle lens, flip touchscreen, WiFi connectivity, 64GB storage + and extensive manual controls provide versatility for creative videography on + a budget. + price: 9.99 + image: 536b9388-bafb-432d-9085-ad4af01edd6f.jpg + where_visible: UI + promoted: true +- id: 5156955f-dda2-4e19-831e-752c92bd8f85 + current_stock: 11 + name: Fast Desktop Computer for Work and Play + category: electronics + style: computer + description: This powerful desktop computer boosts productivity with a fast processor, + ample storage, and large monitor to breeze through work and play. Sleekly designed + for performance, it's the versatile machine you need to enhance efficiency. + price: 428.99 + image: 5156955f-dda2-4e19-831e-752c92bd8f85.jpg + where_visible: UI +- id: 5dd5e235-4d2e-432b-a1b9-8e738dc8aa3a + current_stock: 18 + name: Powerful Desktop for Work and Play + category: electronics + style: computer + description: This powerful desktop computer delivers exceptional performance for + work, school, gaming, and more. With abundant RAM, a fast processor, and ample + storage, it runs applications smoothly and effortlessly. Backed by a leading manufacturer, + it's a reliable, versatile machine ready to handle all your computing needs. + price: 9.99 + image: 5dd5e235-4d2e-432b-a1b9-8e738dc8aa3a.jpg + where_visible: UI + promoted: true +- id: 6bc496d1-f431-4642-b9ae-9dcc5881afe9 + current_stock: 8 + name: Fast Power Desktop Computer + category: electronics + style: computer + description: This powerful desktop computer boosts productivity with a fast processor, + ample storage, and large monitor. Perfect for work, entertainment, and more - + it delivers exceptional speed, functionality, and value in a sleek, compact design. + price: 783.99 + image: 6bc496d1-f431-4642-b9ae-9dcc5881afe9.jpg + where_visible: UI + promoted: true +- id: e64a78fe-21c6-4a9d-afd2-454692ad7196 + current_stock: 19 + name: Speedy Desktop PC for Work and Play + category: electronics + style: computer + description: A sleek, compact desktop computer delivering powerful performance for + home and office. Packed with processing power, graphics, ample storage, and connectivity + to effortlessly run applications, multimedia, and games. + price: 9.99 + image: e64a78fe-21c6-4a9d-afd2-454692ad7196.jpg + where_visible: UI +- id: 050f28e4-376d-474b-b2d0-0b62c751e85d + current_stock: 15 + name: Blazing Fast Laptop, Anywhere Productivity + category: electronics + style: computer + description: This powerful laptop computer boasts a lightweight, durable design + and high-performance processor for smooth, reliable productivity. Its vivid HD + display, ample RAM, and fast SSD let you work efficiently anywhere. + price: 453.99 + image: 050f28e4-376d-474b-b2d0-0b62c751e85d.jpg + where_visible: UI + promoted: true +- id: b803aff7-6e4b-4beb-8d1d-dc7fe609274d + current_stock: 15 + name: Sleek Laptop for Work and Play + category: electronics + style: computer + description: This sleek and portable laptop computer offers powerful performance + and versatility for work and entertainment on the go. Its lightweight yet durable + design, clear display, and responsive keyboard make productivity a breeze wherever + you travel. + price: 9.99 + image: b803aff7-6e4b-4beb-8d1d-dc7fe609274d.jpg + where_visible: UI +- id: 51de6572-fb70-4e41-8150-c107fd4a2763 + current_stock: 17 + name: Audiophile Bliss Headphones + category: electronics + style: headphones + description: Immerse yourself in pristine, crystal clear audio with these comfortable + over-ear headphones. Their precision-tuned components deliver exceptional sound + across the full frequency range for an unrivaled, audiophile-grade listening experience. + price: 74.99 + image: 51de6572-fb70-4e41-8150-c107fd4a2763.jpg + where_visible: UI + promoted: true +- id: b4a323f8-0571-4bde-afe7-a27bc5394603 + current_stock: 6 + name: Sleek Sound, Stylish Design + category: electronics + style: headphones + description: The Accurate Metallic Headphones deliver crisp, balanced sound with + sleek style. Precision-engineered for immersive, fatigue-free listening. + price: 105.99 + image: b4a323f8-0571-4bde-afe7-a27bc5394603.jpg + where_visible: UI +- id: 3b145528-d5fc-4c2a-b2a5-e119128caa5f + featured: true + current_stock: 19 + name: Block Outside Noise, Hear Pure Sound + category: electronics + style: headphones + description: Immerse yourself in pristine audio with these comfortable, noise-isolating + headphones. Powerful 40mm drivers deliver crystal clear sound across the full + frequency range for an immersive listening experience anytime, anywhere. + price: 56.99 + image: 3b145528-d5fc-4c2a-b2a5-e119128caa5f.jpg + where_visible: UI +- id: f3407b88-742a-44b0-88da-3cc775bdb55b + current_stock: 6 + name: Crisp Audio Headphones + category: electronics + style: headphones + description: Experience amazing sound with the Faultless Audiophile Headphones. + Their precise audio drivers and comfortable design deliver pristine treble, accurate + mids, deep bass, and noise isolation for immersive music enjoyment. + price: 146.99 + image: f3407b88-742a-44b0-88da-3cc775bdb55b.jpg + where_visible: UI +- id: a7aa9dc9-5066-4cb9-a111-abd793a48cff + current_stock: 10 + name: Crisp Audiophile Headphones + category: electronics + style: headphones + description: Expertly engineered for audiophiles, these precise headphones deliver + pristine, studio-quality sound across all frequencies. Plush memory foam ear cups + provide all-day comfort. Hear your music like never before. + price: 64.99 + image: a7aa9dc9-5066-4cb9-a111-abd793a48cff.jpg + where_visible: UI +- id: f440b3d5-5ac4-4371-9c82-574c9cdc52b9 + current_stock: 15 + name: Immersive Sound Headphones + category: electronics + style: headphones + description: Experience music anew with the Authoritative Headphones. Their superior + audio drivers deliver precise, immersive sound across all frequencies while plush + memory foam cushions let music transport you. + price: 109.99 + image: f440b3d5-5ac4-4371-9c82-574c9cdc52b9.jpg + where_visible: UI + promoted: true +- id: 94ff973a-3b0a-48d0-a182-c3abba01d61e + current_stock: 10 + name: Immersive Audiophile Headphones + category: electronics + style: headphones + description: Transcend sonic limitations with the Authoritative Audiophile Headphones, + expertly engineered for crisply balanced audio and exceptional comfort. An unrivaled + listening experience for discerning ears. + price: 72.99 + image: 94ff973a-3b0a-48d0-a182-c3abba01d61e.jpg + where_visible: UI + promoted: true +- id: 1cd4ec2e-4786-47f7-92f4-6d44db0cff2c + current_stock: 10 + name: Crisp Audio Headphones + category: electronics + style: headphones + description: Immerse yourself in pristine audio with these comfortable, high-end + headphones. Their precision components produce stunningly clear and true-to-life + sound across the entire frequency range for an unparalleled listening experience. + price: 123.99 + image: 1cd4ec2e-4786-47f7-92f4-6d44db0cff2c.jpg + where_visible: UI +- id: 23aa70ab-959f-4835-a114-c30ff5e4f974 + current_stock: 19 + name: Crisp Over-Ear Sound Isolators + category: electronics + style: headphones + description: Experience your music anew with these high-quality over-ear headphones. + Their precision engineering delivers unmatched audio accuracy across a wide frequency + range for exceptional clarity. Immerse yourself in pristine sound. + price: 113.99 + image: 23aa70ab-959f-4835-a114-c30ff5e4f974.jpg + where_visible: UI +- id: b884792f-6c44-478e-ae0b-eae89f284f3b + current_stock: 6 + name: Crisp Acoustics Headphones + category: electronics + style: headphones + description: Immerse yourself in pristine audio with the Faultless Headphones. Their + superior acoustic engineering delivers flawless treble, mids, and bass for an + exceptional listening experience. + price: 114.99 + image: b884792f-6c44-478e-ae0b-eae89f284f3b.jpg + where_visible: UI +- id: 8fb0eebc-972c-4934-ad7d-1405c2d41640 + current_stock: 16 + name: Pristine Audio Perfection Awaits You + category: electronics + style: headphones + description: Supreme sound isolation and audio precision in a flawless over-ear + design. Pristine highs, rich mids, and deep bass deliver an unparalleled listening + experience for audiophiles and music lovers alike. + price: 120.99 + image: 8fb0eebc-972c-4934-ad7d-1405c2d41640.jpg + where_visible: UI +- id: 329a1a85-57dd-48c4-a00a-c5e7f6e9ea12 + current_stock: 10 + name: Immersive Audio Anywhere Headphones + category: electronics + style: headphones + description: Experience superior sound and comfort with these authoritative headphones. + Their high-fidelity audio drivers deliver exceptional audio while plush ear cups + provide immersive listening and noise isolation. Crafted for durability and ergonomics, + lose yourself in the music anywhere. + price: 151.99 + image: 329a1a85-57dd-48c4-a00a-c5e7f6e9ea12.jpg + where_visible: UI +- id: 30b51c7c-3034-456e-b384-561fc625b4c7 + current_stock: 9 + name: Crisp Audio Over-Ear Headphones + category: electronics + style: headphones + description: Precise Over-Ear Headphones deliver unrivaled clarity and accuracy + for an exceptional listening experience. Crisp, clear audio across all frequencies + reveals nuances in your favorite tracks. Durable, lightweight design provides + long-lasting, comfortable performance. + price: 102.99 + image: 30b51c7c-3034-456e-b384-561fc625b4c7.jpg + where_visible: UI +- id: 9b37c048-ae78-4095-9c27-5be95dbf5e3f + current_stock: 6 + name: Ultimate Audio Clarity Headphones + category: electronics + style: headphones + description: High Fidelity Headphones deliver definitive clarity and extended range + with precision engineering for audio enthusiasts seeking ultimate headphone sound + quality. + price: 83.99 + image: 9b37c048-ae78-4095-9c27-5be95dbf5e3f.jpg + where_visible: UI + promoted: true +- id: ea27628a-e7a4-4383-a13b-71c32ddeee1c + current_stock: 18 + name: Pure Audio Bliss Headphones + category: electronics + style: headphones + description: Transcend to a sonic paradise with the Precise Audiophile Headphones, + expertly engineered for audiophiles craving the ultimate in comfort and pristine + audio across a wide soundstage. + price: 153.99 + image: ea27628a-e7a4-4383-a13b-71c32ddeee1c.jpg + where_visible: UI +- id: 3d3f666f-013d-4bed-b694-f5b0623e8335 + current_stock: 11 + name: Pure Audio Bliss Headphones + category: electronics + style: headphones + description: Experience pure audio bliss with the Faultless Headphones. Their flawless + design and premium components deliver stunning, immersive sound across all frequencies. + Treat your ears to unmatched clarity and acoustic precision. + price: 146.99 + image: 3d3f666f-013d-4bed-b694-f5b0623e8335.jpg + where_visible: UI + promoted: true +- id: 50b8092d-7f72-4fca-924f-1a953570cece + current_stock: 9 + name: Sleek Compact Keyboard for Effortless Typing + category: electronics + style: keyboard + description: This sleek and compact keyboard features a full QWERTY layout in a + slim profile, making typing comfortable and efficient. Its wired USB connection + provides a reliable, lag-free connection. With convenient shortcut keys and high-quality + construction, it's a versatile upgrade for any desk. + price: 37.99 + image: 50b8092d-7f72-4fca-924f-1a953570cece.jpg + where_visible: UI + promoted: true +- id: 4b86c44c-547e-4e54-bd16-b96d91875e4a + current_stock: 16 + name: Slim Spill-Proof Keyboard for Efficient Typing + category: electronics + style: keyboard + description: This stylish, slim keyboard features a compact design for efficient + typing. Its responsive keys and convenient shortcuts improve productivity. Durable, + spill-resistant construction provides reliable performance across devices. + price: 37.99 + image: 4b86c44c-547e-4e54-bd16-b96d91875e4a.jpg + where_visible: UI +- id: 523e5820-3024-4915-8d92-e191f68dee7f + current_stock: 7 + name: Sleek Compact Keyboard for Fast Typing + category: electronics + style: keyboard + description: This sleek, compact keyboard features responsive keys in a space-saving + design for fast, comfortable typing at home or the office. + price: 24.99 + image: 523e5820-3024-4915-8d92-e191f68dee7f.jpg + where_visible: UI +- id: 89661620-49e0-49f7-9da3-a840e0e17c3b + current_stock: 18 + name: Sleek Compact Keyboard for Efficient Typing + category: electronics + style: keyboard + description: This sleek, compact wired keyboard offers efficient typing and full + QWERTY layout in a space-saving design that connects easily to any computer. + price: 21.99 + image: 89661620-49e0-49f7-9da3-a840e0e17c3b.jpg + where_visible: UI +- id: 27fe9aad-51d5-4be2-99a5-24c45caf4b55 + current_stock: 17 + name: Sleek Real Wood Speakers for Immersive Sound + category: electronics + style: speaker + description: Experience pure, immersive audio with these real wood speakers. Their + precise engineering and premium components deliver stunning high fidelity sound + across the full frequency range. + price: 66.99 + image: 27fe9aad-51d5-4be2-99a5-24c45caf4b55.jpg + where_visible: UI +- id: 22b5146f-385d-4f6c-bc8c-8f31cf53f7c9 + current_stock: 17 + name: Crisp Wooden Hi-Fi Speakers + category: electronics + style: speaker + description: Experience pure audio bliss with these real wood High Definition Speakers. + Optimized drivers and tweeters deliver crystal clear sound across an expansive + frequency range for unrivaled music and movie audio with deep bass and stunning + accuracy. + price: 51.99 + image: 22b5146f-385d-4f6c-bc8c-8f31cf53f7c9.jpg + where_visible: UI +- id: cab4ea76-47e6-4ffe-80dc-ab14f3613547 + current_stock: 6 + name: Stunning Sound Faultless Room-Filling Speakers + category: electronics + style: speaker + description: Superior sound and sleek style - Faultless speakers produce stunningly + clear audio that fills any room. Precision acoustic engineering and innovative + design come together in these top-quality electronics, elevating every note. + price: 182.99 + image: cab4ea76-47e6-4ffe-80dc-ab14f3613547.jpg + where_visible: UI +- id: e780c3e7-9c9c-4b54-87ad-8bde1b837dd8 + current_stock: 6 + name: Crisp Wood Tones, Naturally + category: electronics + style: speaker + description: Elevate your home audio with these sleek high definition wood speakers. + Their precision-engineered drivers and cabinet design deliver crisp, clear sound + across a wide frequency range for an immersive listening experience. Bring the + concert hall home. + price: 191.99 + image: e780c3e7-9c9c-4b54-87ad-8bde1b837dd8.jpg + where_visible: UI + promoted: true +- id: 807e17f3-5daf-41c3-a07f-dbf6d48af7d9 + current_stock: 16 + name: Crisp Fidelity Speakers for Audiophiles + category: electronics + style: speaker + description: With stunning accuracy and breathtaking realism, our high fidelity + speakers deliver an immersive listening experience that makes your music come + alive. Thoughtfully engineered for audiophiles seeking the pinnacle of audio performance. + price: 91.99 + image: 807e17f3-5daf-41c3-a07f-dbf6d48af7d9.jpg + where_visible: UI +- id: 49b89871-5fe7-4898-b99d-953e15fb42b2 + current_stock: 6 + name: Fill Rooms with Stunning Hi-Fi Sound + category: electronics + style: speaker + description: Experience your music like never before with these sleek, high-performance + speakers. Their premium components deliver stunning high-fidelity sound that fills + any room. + price: 196.99 + image: 49b89871-5fe7-4898-b99d-953e15fb42b2.jpg + where_visible: UI +- id: 8a94535e-4638-43ed-ab9a-2ac90849a98b + current_stock: 7 + name: Crisp Clear Audio Speakers + category: electronics + style: speaker + description: Bring your music to life with the Faultless Speakers. Their innovative + driver technology and sleek design produce powerful, distortion-free audio for + an unparalleled listening experience. Experience clear highs, accurate mids, and + deep bass with pristine clarity. + price: 63.99 + image: 8a94535e-4638-43ed-ab9a-2ac90849a98b.jpg + where_visible: UI +- id: af4c855d-7897-41e3-b265-35941a64e659 + current_stock: 16 + name: Immersive Sound Speakers - Flawless Audio + category: electronics + style: speaker + description: Faultless Speakers fill your home with rich, immersive audio. Their + innovative driver technology and sleek design deliver clear highs, full mids, + and deep bass for a flawless listening experience. + price: 152.99 + image: af4c855d-7897-41e3-b265-35941a64e659.jpg + where_visible: UI +- id: 83114893-a0bc-414c-b120-1c5ca8a35de4 + current_stock: 10 + name: Crisp Audio Speakers for Life + category: electronics + style: speaker + description: Experience rich, immersive sound with Accurate Home Audio Speakers. + Our innovative driver technology delivers stunning highs, accurate mids, and deep + bass for premium audio reproduction to fill your home with music's true beauty. + price: 95.99 + image: 83114893-a0bc-414c-b120-1c5ca8a35de4.jpg + where_visible: UI +- id: 32f6910e-bb8f-4cd4-8bf5-96e96f50bc66 + current_stock: 16 + name: Powerful Speakers - Experience Immersive Sound + category: electronics + style: speaker + description: Powerful home audio speakers with crystal clear highs and deep bass. + Fill your home with immersive, room-filling sound for an upgraded listening experience. + price: 161.99 + image: 32f6910e-bb8f-4cd4-8bf5-96e96f50bc66.jpg + where_visible: UI +- id: 28798011-16bb-4213-aac0-92cc362446f9 + current_stock: 12 + name: Crisp Audio Immersive Speakers + category: electronics + style: speaker + description: Experience room-filling audio with these stylish, high-fidelity speakers. + Their precision-tuned design produces clear, accurate sound across all frequencies + so you can fully immerse yourself in your music and entertainment. + price: 45.99 + image: 28798011-16bb-4213-aac0-92cc362446f9.jpg + where_visible: UI +- id: bc0e3c9e-be64-438c-a740-8992793f81cb + current_stock: 15 + name: Crisp Room-Filling HD Speakers + category: electronics + style: speaker + description: Experience stunningly crisp, room-filling sound with these high-end + HD Speakers. Premium components and sleek design deliver phenomenal audio quality + across a wide frequency range, immersing you in rich, nuanced high definition + sound. + price: 100.99 + image: bc0e3c9e-be64-438c-a740-8992793f81cb.jpg + where_visible: UI +- id: fe1a58b0-93dd-4600-8955-1d90d04320fa + current_stock: 13 + name: Crisp Titanium Sound Speakers + category: electronics + style: speaker + description: Titanium tweeters and aluminum woofers produce stunningly clear, room-filling + sound. These elegantly designed speakers recreate music with breathtaking realism + across a wide frequency range. Perfect for audiophiles seeking premium home audio. + price: 207.99 + image: fe1a58b0-93dd-4600-8955-1d90d04320fa.jpg + where_visible: UI + promoted: true +- id: 2a44c312-f951-4c8a-a77d-bf379a5e80cb + current_stock: 16 + name: Crisp Treble, Thumping Bass + category: electronics + style: speaker + description: Express your passion for music with these premium audiophile speakers. + Their large woofers and tweeters deliver crisp, clear audio across a wide frequency + range. Enjoy stunning sound quality and sleek style in any room. + price: 132.99 + image: 2a44c312-f951-4c8a-a77d-bf379a5e80cb.jpg + where_visible: UI +- id: 57377f2c-efa0-447a-85f0-569596bde4c5 + current_stock: 10 + name: Powerful Theater Speakers for Immersive Sound + category: electronics + style: speaker + description: Powerful home theater speakers deliver immersive, crisp, clear sound + for music, movies, and more. Advanced components and technology accurately reproduce + a wide frequency range. Stylish design complements any decor. + price: 120.99 + image: 57377f2c-efa0-447a-85f0-569596bde4c5.jpg + where_visible: UI +- id: 97740b47-e9e9-4b5e-9159-4a73b2c64270 + current_stock: 17 + name: Immersive Room-Filling Sound Speakers + category: electronics + style: speaker + description: Faultless room-filling speakers produce rich, immersive sound with + crisp highs, accurate mids, and deep lows. Expertly crafted from quality materials + for stunning audio clarity and detail. Elevate your listening experience with + these exceptional speakers. + price: 92.99 + image: 97740b47-e9e9-4b5e-9159-4a73b2c64270.jpg + where_visible: UI +- id: ea84753c-3c7c-4ab4-a60b-b6fa7f191c25 + current_stock: 13 + name: Powerful Audio - Hear Every Note + category: electronics + style: speaker + description: Home audio speakers with crisp, balanced sound. Powerful woofers for + deep bass, clear tweeters for soaring highs. Sleek design, durable construction + for long-lasting performance. Immersive, studio-quality listening. + price: 246.99 + image: ea84753c-3c7c-4ab4-a60b-b6fa7f191c25.jpg + where_visible: UI + promoted: true +- id: 6fb0d1b7-6bff-44c6-b053-66d622642332 + current_stock: 10 + name: Powerful Theater Sound, Home Style + category: electronics + style: speaker + description: Powerful home theater speakers deliver crystal clear highs and deep + bass for immersive, room-filling sound. Premium drivers and acoustic engineering + provide stunning realism across a wide frequency range. Bring concert quality + audio into your living room. + price: 249.99 + image: 6fb0d1b7-6bff-44c6-b053-66d622642332.jpg + where_visible: UI +- id: 2ee15139-8dfe-4a7d-a114-ceaa1e283009 + current_stock: 6 + name: Crisp Accurate Audio Speakers + category: electronics + style: speaker + description: With precise engineering for flawless sound, our premium Accurate Speakers + deliver unmatched audio accuracy across the full frequency range. Experience your + music collection like never before through these meticulously crafted speakers. + price: 191.99 + image: 2ee15139-8dfe-4a7d-a114-ceaa1e283009.jpg + where_visible: UI +- id: 095c73c4-fa7d-4910-ac92-e7289058d9c6 + current_stock: 12 + name: Crisp Audio Speakers for Immersive Sound + category: electronics + style: speaker + description: Experience sound like never before with these High Definition Audio + Speakers. Their crisp highs and deep lows deliver exceptional clarity across all + frequencies for an immersive listening experience. + price: 55.99 + image: 095c73c4-fa7d-4910-ac92-e7289058d9c6.jpg + where_visible: UI +- id: 8bac2e13-8ff6-4e03-b0ae-961a07020835 + current_stock: 17 + name: Crisp Home Audio Speakers + category: electronics + style: speaker + description: Powerful home audio speakers from Authoritative fill any room with + immersive, crisp highs, rich mids, and deep bass for a balanced sound that brings + your music to life. Durable design ensures long-lasting performance. + price: 209.99 + image: 8bac2e13-8ff6-4e03-b0ae-961a07020835.jpg + where_visible: UI +- id: 5cdf4255-a8a5-43d8-a996-0540dfcdd702 + current_stock: 15 + name: Sleek High-Def LED TV for Stunning Visuals + category: electronics + style: television + description: This sleek, modern LED TV delivers stunningly vivid high-def picture + quality and an immersive viewing experience for movies, sports, and gaming. With + slim profile and easy navigation, it's the perfect entertainment upgrade for any + home. + price: 345.99 + image: 5cdf4255-a8a5-43d8-a996-0540dfcdd702.jpg + where_visible: UI +- id: 36110e9f-8947-4dff-8c37-070f134ce98d + current_stock: 18 + name: Sleek High-Def Smart TV - See Clearly, Live Smartly + category: electronics + style: television + description: This sleek, high-def smart TV delivers stunning visuals and intuitive + smart capabilities in a modern, minimalist design that seamlessly fits any room. + price: 631.99 + image: 36110e9f-8947-4dff-8c37-070f134ce98d.jpg + where_visible: UI +- id: 26b2bda2-9397-4d0c-b5bb-9190dbba3acb + current_stock: 10 + name: Sleek Television for Immersive Home Entertainment + category: electronics + style: television + description: This sleek, modern HD TV provides an immersive home entertainment experience + with its crisp, vivid display and built-in speakers. Stream shows, movies, and + games in stunning detail on the large high-definition screen. + price: 377.99 + image: 26b2bda2-9397-4d0c-b5bb-9190dbba3acb.jpg + where_visible: UI +- id: 78ff9037-31ba-447f-9669-5f7a08b8e905 + current_stock: 9 + name: Sleek 4K Smart TV - Vivid Visuals, Intuitive Interface + category: electronics + style: television + description: Experience vivid visuals and smart capabilities with this slim, modern + 4K television. Its crisp display and intuitive interface make streaming movies, + shows, and more an immersive event. + price: 667.99 + image: 78ff9037-31ba-447f-9669-5f7a08b8e905.jpg + where_visible: UI +- id: 133a1dbe-fbdd-4127-b456-f9ed790c5192 + current_stock: 16 + name: Sleek LED TV, Vivid Streaming + category: electronics + style: television + description: Experience incredible high-definition entertainment with this sleek, + modern LED television. Crisp, vivid picture and smart platform provide easy access + to streaming services and apps. + price: 648.99 + image: 133a1dbe-fbdd-4127-b456-f9ed790c5192.jpg + where_visible: UI +- id: 48c9f12f-a9c3-4c71-a537-1c478a0e16e0 + current_stock: 19 + name: Sleek LED TV - Vibrant Picture Immersion + category: electronics + style: television + description: This sleek, modern LED television delivers an immersive viewing experience + with its crisp, high-definition picture. Enjoy vibrant colors and deep blacks + that make movies and shows come to life. + price: 493.99 + image: 48c9f12f-a9c3-4c71-a537-1c478a0e16e0.jpg + where_visible: UI +- id: 25ce5128-8f09-4d01-8201-91198fdb9d3e + current_stock: 12 + name: Sleek LED TV - Vibrant Crisp Viewing + category: electronics + style: television + description: This sleek, modern LED television delivers a vibrant, crisp viewing + experience for all your entertainment needs. Its smart platform makes streaming + seamless. + price: 484.99 + image: 25ce5128-8f09-4d01-8201-91198fdb9d3e.jpg + where_visible: UI +- id: 2a06c3e0-e349-496b-a549-da1b61a50b7a + current_stock: 11 + name: Sleek 4K Television for Immersive Viewing + category: electronics + style: television + description: This sleek 4K HDR television delivers stunningly vivid images and immersive + viewing with its crisp display and advanced features. Experience theater-quality + entertainment at home. + price: 474.99 + image: 2a06c3e0-e349-496b-a549-da1b61a50b7a.jpg + where_visible: UI +- id: 3f916af8-c7fb-4b86-a442-746e01cfe96f + current_stock: 9 + name: Slim LED TV - Vibrant Picture + category: electronics + style: television + description: This sleek, modern LED TV delivers a vibrant, sharp picture and smart + streaming in a slim, wall-mountable design to upgrade your home entertainment. + price: 548.99 + image: 3f916af8-c7fb-4b86-a442-746e01cfe96f.jpg + where_visible: UI +- id: fe52b818-4912-4b08-afe5-76a6f7001d2c + current_stock: 10 + name: Vibrant Sustainable Carnation Arrangement + category: floral + style: arrangement + description: Present a sustainably grown floral carnation arrangement in vibrant + colors. This thoughtful gift is carefully crafted to brighten someone's day. + price: 114.99 + image: fe52b818-4912-4b08-afe5-76a6f7001d2c.jpg + where_visible: UI + promoted: true +- id: ee609388-f074-41ee-b469-fbe9c61166ab + current_stock: 6 + name: Vibrant Carnation Floral Bouquet + category: floral + style: arrangement + description: Brighten any room with this professionally arranged bouquet of fresh, + vibrant carnations artfully displayed in a variety of lively colors. A thoughtful + gift that expresses love and warmth. + price: 145.99 + image: ee609388-f074-41ee-b469-fbe9c61166ab.jpg + where_visible: UI + promoted: true +- id: b3e617ef-2757-410b-a997-f2cd2006f770 + current_stock: 12 + name: Vibrant Carnation Floral Bouquet + category: floral + style: arrangement + description: Vibrant, sustainably-grown carnations artfully arranged in a bouquet + that delights with delicate petals and sweet fragrance. An organic, eco-friendly + floral gift perfect for any special occasion. + price: 112.99 + image: b3e617ef-2757-410b-a997-f2cd2006f770.jpg + where_visible: UI +- id: 11b36e89-6771-4cd0-9a3b-e6bb9025b825 + current_stock: 7 + name: Bright & Cheerful Daisy Arrangement + category: floral + style: arrangement + description: Present a loved one with the gift of natural beauty. Our sustainably + grown Daisies Floral Arrangement features fresh-cut daisies lovingly cultivated + on our organic farms. The cheerful white petals and vibrant yellow centers create + an uplifting cascade of color to brighten any space. + price: 111.99 + image: 11b36e89-6771-4cd0-9a3b-e6bb9025b825.jpg + where_visible: UI +- id: 53629a47-b6f0-4f21-81c7-c9d506c240fc + current_stock: 10 + name: Fragrant White Lily Arrangement + category: floral + style: arrangement + description: Presenting our exquisite Lilies Floral Arrangement. Fresh, fragrant + white lilies artfully arranged in a clear glass vase. An elegant gift that brings + natural grace and beauty to any space. + price: 64.99 + image: 53629a47-b6f0-4f21-81c7-c9d506c240fc.jpg + where_visible: UI +- id: 85b1b737-4c1f-4039-8d22-d7ea7483172f + current_stock: 10 + name: Bright White Lilies Bouquet + category: floral + style: arrangement + description: This fresh lilies floral arrangement in a clear glass vase delivers + elegant white blooms with a sweet scent for celebrating special occasions. + price: 53.99 + image: 85b1b737-4c1f-4039-8d22-d7ea7483172f.jpg + where_visible: UI +- id: 47bf6ff9-b168-47f9-9e8e-3ad7a78c2836 + current_stock: 16 + name: Fresh Lilies Floral Arrangement + category: floral + style: arrangement + description: Introducing our Lilies Floral Arrangement, a vibrant bouquet of elegant + white lilies artfully arranged in a clear vase. Fresh from our growers, these + fragrant blooms symbolize purity and new beginnings - the perfect gift for any + special occasion. + price: 141.99 + image: 47bf6ff9-b168-47f9-9e8e-3ad7a78c2836.jpg + where_visible: UI +- id: e0902ea2-9c81-4049-b933-aedf709911a1 + current_stock: 16 + name: Bright Lilies Floral Arrangement + category: floral + style: arrangement + description: Fresh white lilies artfully arranged in a clear vase, this vibrant + floral bouquet delivers natural beauty. The elegant blooms and sweet fragrance + of over a dozen pristine lilies make a thoughtful gift for any occasion. + price: 58.99 + image: e0902ea2-9c81-4049-b933-aedf709911a1.jpg + where_visible: UI +- id: b7d5094b-4df4-4579-a49a-dadfef26a0f7 + current_stock: 17 + name: Vibrant Floral Bouquet Brightens Any Occasion + category: floral + style: arrangement + description: This vibrant mixed floral arrangement is a stunning bouquet of seasonal + blooms artfully arranged by our expert florists. Its blend of colorful roses, + lilies, daisies, and more will brighten any occasion with natural beauty. The + perfect gift! + price: 70.99 + image: b7d5094b-4df4-4579-a49a-dadfef26a0f7.jpg + where_visible: UI + promoted: true +- id: ba461048-048b-473b-a7d6-5ff9e02da8d5 + current_stock: 8 + name: Vibrant Organic Floral Arrangement + category: floral + style: arrangement + description: Present a vibrant, colorful mixed floral bouquet of sustainably grown, + organic seasonal blooms artfully arranged in a reusable vase. The perfect eco-friendly + gift for any occasion. + price: 111.99 + image: ba461048-048b-473b-a7d6-5ff9e02da8d5.jpg + where_visible: UI +- id: 1d152012-c60b-4049-845b-9a80310e0d4a + current_stock: 14 + name: Bright Spring Bouquet + category: floral + style: arrangement + description: Send happiness and beauty with our thoughtfully crafted mixed floral + arrangement. This diverse bouquet combines organic roses, lilies, tulips, and + unique blooms in artful harmony. A memorable gift for any special occasion. + price: 67.99 + image: 1d152012-c60b-4049-845b-9a80310e0d4a.jpg + where_visible: UI + promoted: true +- id: d184be83-f8ff-4da0-b4d1-3294a8ff3b22 + current_stock: 19 + name: Vibrant Organic Floral Arrangement + category: floral + style: arrangement + description: Present a loved one with nature's beauty. Our vibrant mixed floral + arrangement features sustainably grown organic blooms artfully arranged in a reusable + vase, a thoughtful eco-friendly gift for any occasion. + price: 57.99 + image: d184be83-f8ff-4da0-b4d1-3294a8ff3b22.jpg + where_visible: UI +- id: 5ccbf994-ff21-47b9-a935-a6e077568c2d + current_stock: 10 + name: Vibrant Organic Floral Medley + category: floral + style: arrangement + description: A sustainably grown organic floral medley artfully arranged by expert + florists. This beautifully crafted bouquet of seasonal blooms in complementing + hues will delight the senses. + price: 116.99 + image: 5ccbf994-ff21-47b9-a935-a6e077568c2d.jpg + where_visible: UI +- id: c09b78da-4234-4797-ad91-d28bdd54cee6 + current_stock: 19 + name: Vibrant Floral Bouquet Brightens Your Day + category: floral + style: arrangement + description: A stunning fresh floral bouquet with seasonal blooms like roses, lilies, + and daisies artfully arranged by our florists. Vibrant colors and diverse textures + make this a thoughtful gift to brighten anyone's day. + price: 145.99 + image: c09b78da-4234-4797-ad91-d28bdd54cee6.jpg + where_visible: UI +- id: 6e329907-dc47-4dc8-982c-6ff32616551f + current_stock: 7 + name: Bright Blooms Floral Arrangement + category: floral + style: arrangement + description: This vibrant mixed floral arrangement of sustainably farmed blooms + in a reusable vase makes the perfect gift. Ethically sourced, seasonal flowers + artfully arranged by our florists create natural beauty and joy for any occasion. + price: 116.99 + image: 6e329907-dc47-4dc8-982c-6ff32616551f.jpg + where_visible: UI + promoted: true +- id: 23f9d5f0-2eca-4dcd-95bf-f614a73e35d3 + current_stock: 17 + name: Vibrant Organic Rose Bouquet + category: floral + style: arrangement + description: Gift an exquisite arrangement of sustainably-grown roses in a variety + of vibrant colors. These organic, fragrant roses are thoughtfully arranged in + a decorative vase, perfect for brightening any occasion with natural beauty and + sweet scent. + price: 126.99 + image: 23f9d5f0-2eca-4dcd-95bf-f614a73e35d3.jpg + where_visible: UI +- id: 5b3b7662-c6b6-4b5a-b07c-4a55b417b071 + current_stock: 11 + name: Vibrant Sustainably-Grown Rose Bouquet + category: floral + style: arrangement + description: A visually striking bouquet of sustainably-grown roses in varied hues, + artfully arranged by our expert florists. This organic floral gift is the perfect + way to brighten someone's day for any special occasion. + price: 126.99 + image: 5b3b7662-c6b6-4b5a-b07c-4a55b417b071.jpg + where_visible: UI +- id: 2fef172f-0e5a-4376-b890-215f016bc6ed + current_stock: 9 + name: Vibrant Rose Bouquet + category: floral + style: arrangement + description: Send your loved one a delightful bouquet of vibrant roses grown sustainably + on our organic farms. This artful floral arrangement in red, pink, and white boasts + delicate blooms and sweet fragrance. An exquisite gift for any special occasion. + price: 58.99 + image: 2fef172f-0e5a-4376-b890-215f016bc6ed.jpg + where_visible: UI + promoted: true +- id: e8ab7a8c-eb5e-4feb-aa0d-8a235aef1842 + current_stock: 11 + name: Vibrant Roses Bouquet for Special Occasions + category: floral + style: arrangement + description: This elegant roses bouquet arranged by expert florists delivers vibrant, + graceful beauty. Fresh-cut, long-lasting roses in an artful assortment of colors + spread sweet fragrance. The perfect gift to express love and appreciation for + any special occasion. + price: 51.99 + image: e8ab7a8c-eb5e-4feb-aa0d-8a235aef1842.jpg + where_visible: UI +- id: ecc45e4c-9249-4b06-9f99-aa068eebddf4 + current_stock: 15 + name: Vibrant Rose Bouquet Arrangement + category: floral + style: arrangement + description: A stunning, sustainably-grown rose bouquet with organic blooms in an + artful arrangement by our expert florists. This elegant rose gift conveys love + and appreciation with its array of colorful, fragrant roses. + price: 86.99 + image: ecc45e4c-9249-4b06-9f99-aa068eebddf4.jpg + where_visible: UI +- id: 46f41ff2-be3d-4632-b51c-75443fa19f5a + current_stock: 8 + name: Vibrant Farm-Fresh Rose Bouquet + category: floral + style: arrangement + description: Our farm-fresh, sustainably grown rose bouquet arranged by expert florists + makes a thoughtful gift. The eye-catching mix of colorfully blooming roses brightens + any occasion. + price: 68.99 + image: 46f41ff2-be3d-4632-b51c-75443fa19f5a.jpg + where_visible: UI +- id: 80770bac-b4c9-4e5c-afa9-42a0815f77a7 + current_stock: 12 + name: Vibrant Roses Bouquet + category: floral + style: arrangement + description: Present an exquisite bouquet of fresh, fragrant roses in a range of + vibrant colors for any special occasion. Our expertly arranged roses stay looking + beautiful longer, delivering natural elegance that delights recipients. + price: 123.99 + image: 80770bac-b4c9-4e5c-afa9-42a0815f77a7.jpg + where_visible: UI +- id: 92067f9f-5a9d-42c3-9aad-4e6d9c4f596a + current_stock: 12 + name: Vibrant Roses Bouquet + category: floral + style: arrangement + description: Our sustainably-grown, organic rose bouquet is a thoughtful gift. Vibrant + roses in an artful arrangement brighten any occasion. This eye-catching floral + gift expresses affection beautifully. + price: 65.99 + image: 92067f9f-5a9d-42c3-9aad-4e6d9c4f596a.jpg + where_visible: UI +- id: f9c470b0-152b-4776-893a-67ffc4064675 + current_stock: 7 + name: Vibrant Rainbow Rose Bouquet + category: floral + style: arrangement + description: A stunning bouquet of fresh, fragrant roses in a rainbow of vibrant + colors. Expertly arranged, this eye-catching floral gift delivers natural beauty + and elegance to brighten someone's day. + price: 150.99 + image: f9c470b0-152b-4776-893a-67ffc4064675.jpg + where_visible: UI + promoted: true +- id: cbac7097-59a4-4152-b304-08b778177d63 + current_stock: 7 + name: Vibrant Rose Bouquet Arrangement + category: floral + style: arrangement + description: Our expertly arranged bouquet of vibrant, lovingly grown roses and + greenery in a clear vase makes a graceful gift. These exquisite, sustainably farmed + flowers will brighten any occasion with their beauty and sweet scent. + price: 103.99 + image: cbac7097-59a4-4152-b304-08b778177d63.jpg + where_visible: UI +- id: c42cfabf-8978-4936-b71a-c15c7e62058f + current_stock: 14 + name: Vibrant Fresh-Cut Rose Bouquet + category: floral + style: arrangement + description: Present a loved one with nature's beauty. Our expertly arranged bouquet + of vibrant, fresh-cut roses in an array of colors will brighten any recipient's + day. + price: 56.99 + image: c42cfabf-8978-4936-b71a-c15c7e62058f.jpg + where_visible: UI +- id: f737b57f-eba4-4012-965f-e2b55a0a08c7 + current_stock: 11 + name: Vibrant Rose Bouquet Arrangement + category: floral + style: arrangement + description: Present a burst of natural beauty with our expertly arranged Roses + Bouquet. Vibrant roses in an array of colors are artfully displayed in a complementary + vase, delivering elegance and a lovely fragrance. This thoughtful floral gift + impresses with lush blooms direct from our growers. + price: 147.99 + image: f737b57f-eba4-4012-965f-e2b55a0a08c7.jpg + where_visible: UI +- id: 97ea93f8-fd1c-4ee5-8081-24080139f9b1 + current_stock: 9 + name: Crimson Cascade Rose Bouquet + category: floral + style: arrangement + description: A professionally arranged bouquet of vibrant roses in red, white, and + pink hues. An elegant floral gift delivered fresh for birthdays, anniversaries, + or any special celebration. + price: 75.99 + image: 97ea93f8-fd1c-4ee5-8081-24080139f9b1.jpg + where_visible: UI + promoted: true +- id: 540fdc40-a457-46e9-8b10-14e0a2f3ed33 + current_stock: 12 + name: Vibrant Rose Bouquet + category: floral + style: arrangement + description: Present a special someone with a bouquet of vibrant, romantic roses. + This eye-catching floral arrangement of fresh, colorful roses is beautifully crafted + by our expert florists. Give the gift of natural elegance with these stunning + blooms. + price: 137.99 + image: 540fdc40-a457-46e9-8b10-14e0a2f3ed33.jpg + where_visible: UI +- id: 12f93a36-e282-4445-92ae-356eb6a560fd + current_stock: 19 + name: Gorgeous Hand-Arranged Rose Bouquet + category: floral + style: arrangement + description: A sustainably grown bouquet of soft, fragrant roses in red, pink, white, + and yellow hues artfully arranged in a vase. An exquisite floral gift to brighten + any occasion. + price: 98.99 + image: 12f93a36-e282-4445-92ae-356eb6a560fd.jpg + where_visible: UI +- id: 89c4eeb4-c146-4434-a9f1-6943b4b552dc + current_stock: 11 + name: Vibrant Rose Bouquet + category: floral + style: arrangement + description: Send natural beauty and thoughtful sentiments with this lovely bouquet + of sustainably grown roses in an artful arrangement, perfect for brightening someone's + day. + price: 116.99 + image: 89c4eeb4-c146-4434-a9f1-6943b4b552dc.jpg + where_visible: UI +- id: f7d6519f-eba5-4b05-945c-a861d580c99b + current_stock: 9 + name: Velvety Rose Bouquet + category: floral + style: arrangement + description: Our expert florists artfully arrange the softest, velvety roses in + romantic shades of red, pink and white into a sustainably grown bouquet that delights + the senses and expresses love for any occasion. + price: 131.99 + image: f7d6519f-eba5-4b05-945c-a861d580c99b.jpg + where_visible: UI +- id: 8c619c95-5f66-4433-93b6-2c1bf90e565c + current_stock: 14 + name: Vibrant Tulip Bouquet + category: floral + style: arrangement + description: A vibrant bouquet of freshly cut tulips in red, pink, yellow and white + arranged by experts in a glass vase. Beautiful flowers delivered directly from + our growers for 7-10 days of enjoyment. + price: 128.99 + image: 8c619c95-5f66-4433-93b6-2c1bf90e565c.jpg + where_visible: UI +- id: 6ff800e7-a515-441e-b7e0-27b30cfff06d + current_stock: 19 + name: Vibrant Tulip Floral Arrangement + category: floral + style: arrangement + description: This vibrant tulip arrangement bursts with fresh-cut blooms direct + from our growers. The hand-selected tulips in an array of colors are artfully + arranged with greenery to create a gift that impresses with fragrant beauty. + price: 141.99 + image: 6ff800e7-a515-441e-b7e0-27b30cfff06d.jpg + where_visible: UI +- id: 360b9723-ef31-4202-9aba-67184676f6c2 + current_stock: 12 + name: Vibrant Red Tulip Bouquet + category: floral + style: arrangement + description: Present a loved one with nature's vibrant beauty. Our sustainably grown, + vibrant red tulip arrangement is artfully presented in a clear vase, spreading + joy with its eye-catching red blooms. + price: 120.99 + image: 360b9723-ef31-4202-9aba-67184676f6c2.jpg + where_visible: UI +- id: e89c9268-7e07-459a-8596-76f69451e563 + current_stock: 17 + name: Vibrant Red Tulip Floral Arrangement + category: floral + style: arrangement + description: Bring the joy of spring into your home with this artful red tulip arrangement. + Our sustainably-grown, vibrant blooms are lovingly arranged in a clear vase, creating + a pop of color perfect for any space. Spread cheer with the gift of seasonal flowers. + price: 85.99 + image: e89c9268-7e07-459a-8596-76f69451e563.jpg + where_visible: UI + promoted: true +- id: e1d2ec50-2970-43be-aeb7-fc90779086b7 + current_stock: 16 + name: Stunning Seasonal Wedding Bouquet + category: floral + style: bouquet + description: Presenting our Wedding Bouquet of Seasonal Blooms - an artful arrangement + of lush roses, peonies, and gardenias in romantic ivory and blush tones. This + elegant bouquet is hand-crafted by our expert florists using the freshest seasonal + blooms. A perfect centerpiece for your special day. + price: 102.99 + image: e1d2ec50-2970-43be-aeb7-fc90779086b7.jpg + where_visible: UI + promoted: true +- id: 4bb66b8a-cf13-4959-87ce-ca506fa568a2 + featured: true + current_stock: 6 + name: Breathtaking Wedding Bouquet of Flowers + category: floral + style: bouquet + description: A breathtaking cascade of sustainably grown seasonal flowers including + roses, lilies, and baby's breath, artfully arranged by our expert florists. This + stunning wedding bouquet adds natural beauty and thoughtful details to your special + day. + price: 58.99 + image: 4bb66b8a-cf13-4959-87ce-ca506fa568a2.jpg + where_visible: UI +- id: 110f2a06-e151-4f79-9acb-8b8ce97ca449 + current_stock: 16 + name: Breathtaking Organic Wedding Bouquet + category: floral + style: bouquet + description: Celebrate your special day with this breathtaking cascade bouquet of + organic roses, peonies, and gardenias, lovingly arranged by our expert florists + into a floral masterpiece representing your love in full bloom. + price: 82.99 + image: 110f2a06-e151-4f79-9acb-8b8ce97ca449.jpg + where_visible: UI +- id: a128e480-4b47-4143-bea7-db14706b38cc + current_stock: 17 + name: Locally-Grown Bridal Bouquet of Season's Best + category: floral + style: bouquet + description: Present a stunning, sustainably-grown wedding bouquet of seasonal flowers. + Our master florists artfully arrange locally-sourced roses, lilies, and baby's + breath into a breathtaking cascade of natural beauty and love. + price: 56.99 + image: a128e480-4b47-4143-bea7-db14706b38cc.jpg + where_visible: UI +- id: 17b69fda-f8a8-4523-9181-3e3e65887a97 + current_stock: 10 + name: Rustic Wildflower Bouquet + category: floral + style: bouquet + description: Expertly arranged organic wedding bouquet with sustainably grown roses, + lilies, and baby's breath. An elegant cascade of fragrant seasonal blooms to complement + your special day. + price: 57.99 + image: 17b69fda-f8a8-4523-9181-3e3e65887a97.jpg + where_visible: UI +- id: 88d2eee9-2791-4cd7-b768-a08b6b590d38 + current_stock: 13 + name: Seasonal Bouquet for Your Special Day + category: floral + style: bouquet + description: Present a breathtaking cascade of locally and sustainably grown seasonal + flowers in this custom wedding bouquet. Expertly arranged by master florists, + it's a romantic reflection of you on your special day. + price: 114.99 + image: 88d2eee9-2791-4cd7-b768-a08b6b590d38.jpg + where_visible: UI + promoted: true +- id: d997e27d-a2ce-41b7-b10b-75cf61585575 + current_stock: 17 + name: Blushful Bouquet for Brides + category: floral + style: bouquet + description: Present a special moment with this blush-hued bridal bouquet of fragrant + roses, peonies, hydrangeas, and gardenias artfully arranged by our expert florists. + A romantic and elegant floral accent for your walk down the aisle. + price: 125.99 + image: d997e27d-a2ce-41b7-b10b-75cf61585575.jpg + where_visible: UI +- id: 3304d762-d74a-461f-8416-c93748fed98c + current_stock: 19 + name: Breathtaking Wedding Bouquet + category: floral + style: bouquet + description: Present a stunning wedding bouquet of blush, ivory and pale pink roses, + peonies, hydrangeas, and more seasonal blooms artfully arranged by our expert + florists. This hand-selected floral masterpiece will complement your wedding style + with romantic charm. + price: 107.99 + image: 3304d762-d74a-461f-8416-c93748fed98c.jpg + where_visible: UI +- id: 4fb43233-e562-4c34-a287-dbdb3cdd74e7 + current_stock: 18 + name: Colorful Seasonal Wedding Bouquet + category: floral + style: bouquet + description: A breathtaking cascade bouquet of sustainably grown seasonal flowers + in soft pink and white hues, artfully arranged by our expert florists. An organic, + locally-sourced floral accent to make your walk down the aisle truly memorable. + price: 130.99 + image: 4fb43233-e562-4c34-a287-dbdb3cdd74e7.jpg + where_visible: UI +- id: 766b6412-c63e-44de-b1ec-a457ca39d48d + current_stock: 15 + name: Blooming Bouquet of Love + category: floral + style: bouquet + description: Crafted with care, this breathtaking organic wedding bouquet features + sustainably grown roses, lilies, and baby's breath artfully arranged by master + florists into a romantic cascade of color and fragrance that makes a unique, thoughtful + gift. + price: 108.99 + image: 766b6412-c63e-44de-b1ec-a457ca39d48d.jpg + where_visible: UI + promoted: true +- id: e61f8a6c-2bb6-4ccc-bb2c-c0a9ea17f750 + current_stock: 17 + name: Blissful Pink Wedding Bouquet + category: floral + style: bouquet + description: Presenting our Blush Pink Wedding Bouquet, a dreamy assortment of romantic + blooms in soft pink and ivory hues. This exquisite floral arrangement is artfully + crafted by our experts using premium seasonal flowers. An elegant accent for your + special day. + price: 106.99 + image: e61f8a6c-2bb6-4ccc-bb2c-c0a9ea17f750.jpg + where_visible: UI + promoted: true +- id: 08501583-c08b-411b-9ae7-06582e2d8c26 + current_stock: 12 + name: Vibrant Seasonal Wedding Bouquet + category: floral + style: bouquet + description: A breathtaking cascade of organic, locally-grown roses, lilies, and + baby's breath, sustainably cultivated and expertly arranged by our florists into + a flawless floral accent for a memorable walk down the aisle. + price: 121.99 + image: 08501583-c08b-411b-9ae7-06582e2d8c26.jpg + where_visible: UI +- id: b3ad661c-3fc2-43e9-83d2-ea2003e685e1 + current_stock: 12 + name: Locally Grown Wedding Bouquet + category: floral + style: bouquet + description: Present a breathtaking bouquet of locally-grown seasonal flowers for + your special day. Our master florists artfully arrange roses, lilies and baby's + breath into a cascading medley of color and fragrance, specially created to complement + your wedding style. + price: 58.99 + image: b3ad661c-3fc2-43e9-83d2-ea2003e685e1.jpg + where_visible: UI +- id: 993eff81-70a8-4d5b-9307-bd8c272a2a6c + current_stock: 6 + name: Soft Blush Bridal Bouquet + category: floral + style: bouquet + description: Introducing our Blush Bridal Bouquet - a romantically styled floral + arrangement with hand-selected seasonal blooms in soft blush, ivory, and cream + hues. An exquisite centerpiece for your special day. + price: 129.99 + image: 993eff81-70a8-4d5b-9307-bd8c272a2a6c.jpg + where_visible: UI +- id: 930c9cb4-8b31-4fe8-a9b0-04622b80fbfc + current_stock: 14 + name: Breathtaking Organic Wedding Bouquet + category: floral + style: bouquet + description: Cherish your walk down the aisle with this organic, sustainable wedding + bouquet bursting with seasonal blooms lovingly arranged by our master florists + into a breathtaking cascade of color and fragrance. + price: 98.99 + image: 930c9cb4-8b31-4fe8-a9b0-04622b80fbfc.jpg + where_visible: UI +- id: d805e752-3621-4844-a38d-f0c247f5036b + current_stock: 8 + name: Blush Blooms Bouquet for Wedded Bliss + category: floral + style: bouquet + description: Present the perfect bouquet for your special day. This blush floral + arrangement of seasonal blooms hand-selected by our expert florists makes a gorgeous, + fragrant centerpiece. An elegant statement that exceeds expectations. + price: 76.99 + image: d805e752-3621-4844-a38d-f0c247f5036b.jpg + where_visible: UI + promoted: true +- id: 63f27bb8-d14f-471b-b317-6c3d43bd128e + current_stock: 15 + name: Locally-Grown Wedding Bouquet + category: floral + style: bouquet + description: Presenting our stunning, locally-grown wedding bouquet. This artful + floral arrangement of seasonal roses, lilies, and baby's breath celebrates your + special day with natural beauty and thoughtful details. + price: 63.99 + image: 63f27bb8-d14f-471b-b317-6c3d43bd128e.jpg + where_visible: UI +- id: 2a5c2db3-ef32-4f77-ad19-f2d0dc89f779 + current_stock: 17 + name: Blushful Bouquet for your Big Day + category: floral + style: bouquet + description: Presenting our Wedding Bouquet of Blush Blooms - an exquisite arrangement + of fresh, seasonal blooms in romantic hues hand-selected by our expert florists. + This lush, fragrant bouquet is the perfect elegant centerpiece for your special + day. + price: 69.99 + image: 2a5c2db3-ef32-4f77-ad19-f2d0dc89f779.jpg + where_visible: UI +- id: c9ff5b53-f57c-4bca-95ef-456d957073cd + current_stock: 18 + name: Breathtaking Cascade Wedding Bouquet + category: floral + style: bouquet + description: A stunning, sustainably grown wedding bouquet with cascading locally-sourced + roses, lilies, and baby's breath, artfully arranged by master florists into a + breathtaking medley of color and fragrance. + price: 105.99 + image: c9ff5b53-f57c-4bca-95ef-456d957073cd.jpg + where_visible: UI +- id: 41294b62-51ba-4f3c-a1d1-467b028d9ae7 + current_stock: 9 + name: Breathtaking Locally-Grown Wedding Bouquet + category: floral + style: bouquet + description: Our master florists artfully arrange locally grown, organic roses, + lilies, and baby's breath into a breathtaking, cascading wedding bouquet reflecting + your unique style for your special day. + price: 117.99 + image: 41294b62-51ba-4f3c-a1d1-467b028d9ae7.jpg + where_visible: UI +- id: 5b53ab8d-701c-4139-bdab-dc457e546157 + current_stock: 18 + name: Seasonal Bouquet for Bride's Special Day + category: floral + style: bouquet + description: This exquisite wedding bouquet features a stunning assortment of fresh + seasonal blooms artfully arranged by our expert florists. The perfect finishing + touch for any bride's special day. + price: 141.99 + image: 5b53ab8d-701c-4139-bdab-dc457e546157.jpg + where_visible: UI +- id: 4145a8e5-1cb8-45c5-9c9e-97fa7ee5cc20 + current_stock: 16 + name: Season's Best Bouquet for Your Wedding + category: floral + style: bouquet + description: A breathtaking cascade bouquet of sustainably grown seasonal flowers + including locally sourced roses, lilies, and baby's breath, expertly arranged + by our florists for your special day. + price: 135.99 + image: 4145a8e5-1cb8-45c5-9c9e-97fa7ee5cc20.jpg + where_visible: UI +- id: 59f4a91d-4add-4979-b463-42f77b37bd37 + current_stock: 15 + name: Vibrant Wedding Bouquet + category: floral + style: bouquet + description: Presenting our exquisite wedding bouquet, a lush arrangement of seasonal + blooms in romantic hues lovingly selected by our expert florists. This stunning + floral centerpiece will infuse your special day with natural elegance and beauty. + price: 57.99 + image: 59f4a91d-4add-4979-b463-42f77b37bd37.jpg + where_visible: UI +- id: 48df38ab-80a3-41c8-892c-97d8fb701f84 + current_stock: 18 + name: Breathtaking Bridal Bouquet + category: floral + style: bouquet + description: Presenting our exquisite Wedding Bouquet of seasonal blooms. This hand-crafted + floral arrangement features an artful composition of soft romantic blooms in elegant + ivory and blush tones. The perfect centerpiece for your special day. + price: 114.99 + image: 48df38ab-80a3-41c8-892c-97d8fb701f84.jpg + where_visible: UI +- id: 77a73995-ee61-4793-b48c-f9e1125fbce4 + current_stock: 10 + name: Vibrant Floral Bouquet Brightens Your Day + category: floral + style: centerpiece + description: A vibrant bouquet of seasonal blooms, this artful floral arrangement + by our expert florists makes a thoughtful gift. Fresh roses, lilies and daisies + delivered to your door brighten any occasion. + price: 89.99 + image: 77a73995-ee61-4793-b48c-f9e1125fbce4.jpg + where_visible: UI + promoted: true +- id: bb17aef4-a862-4f3f-bf77-fd2721743698 + current_stock: 10 + name: Vibrant Centerpiece Bouquet + category: floral + style: centerpiece + description: Our sustainably grown Centerpiece floral arrangement makes a stunning + table focal point. This gorgeous bouquet of seasonal blooms like roses and lilies + brings together diverse colors and shapes to brighten any occasion. + price: 105.99 + image: bb17aef4-a862-4f3f-bf77-fd2721743698.jpg + where_visible: UI + promoted: true +- id: 2d9dfb7e-23c1-49d3-a900-cf95a9c740a2 + current_stock: 13 + name: Organic Floral Centerpiece Bouquet + category: floral + style: centerpiece + description: Our Organic Floral Centerpiece features sustainably grown roses, lilies + and hydrangeas artfully arranged by expert florists into a gorgeous focal point + for your special occasion. This custom, eco-friendly bouquet adds natural beauty + to any table. + price: 52.99 + image: 2d9dfb7e-23c1-49d3-a900-cf95a9c740a2.jpg + where_visible: UI +- id: 59ce8372-1bbe-4c53-9913-e3ca5584a055 + current_stock: 16 + name: Vibrant Hand-Arranged Floral Centerpiece + category: floral + style: centerpiece + description: Present a burst of fresh-picked seasonal blooms in a vibrant floral + centerpiece, hand-arranged by our expert florists. This colorful bouquet of roses, + lilies, and daisies makes a thoughtful gift for any occasion. + price: 81.99 + image: 59ce8372-1bbe-4c53-9913-e3ca5584a055.jpg + where_visible: UI +- id: 24aaee70-31f1-4084-ba20-3b843284b634 + current_stock: 8 + name: Vibrant Floral Centerpiece for Any Occasion + category: floral + style: centerpiece + description: Presenting our Vibrant Floral Centerpiece, a gorgeous arrangement of + sustainably grown roses, lilies and hydrangeas crafted by our expert florists. + This unique, eco-friendly focal point adds natural beauty to any special occasion. + price: 100.99 + image: 24aaee70-31f1-4084-ba20-3b843284b634.jpg + where_visible: UI +- id: 630afa5c-6c7b-4c22-b002-90b5beae3696 + current_stock: 14 + name: Vibrant Organic Floral Centerpiece + category: floral + style: centerpiece + description: Crafted with sustainably grown organic blooms, this gorgeous floral + centerpiece arrangement from our expert florists makes a stunning focal point + for any occasion. + price: 92.99 + image: 630afa5c-6c7b-4c22-b002-90b5beae3696.jpg + where_visible: UI +- id: c7a27dcc-dbed-4953-b4d4-4d1c3e0a5f40 + current_stock: 8 + name: Vibrant Seasonal Flower Centerpiece + category: floral + style: centerpiece + description: Fresh seasonal blooms artfully arranged in a vibrant centerpiece. Our + expert florists blend colorful roses, lilies, and daisies with lush greens to + deliver natural beauty and fragrance for any occasion. Brighten someone's day + with farm-fresh flowers. + price: 104.99 + image: c7a27dcc-dbed-4953-b4d4-4d1c3e0a5f40.jpg + where_visible: UI +- id: 629a89c1-8cd2-4629-93ab-85a3502a050f + current_stock: 9 + name: Vibrant Centerpiece Bouquet + category: floral + style: centerpiece + description: Gorgeous bouquet of sustainably grown roses, lilies, and hydrangeas, + artfully arranged by florists. Vibrant, seasonal blooms brighten any occasion + and make an elegant centerpiece for your table. + price: 51.99 + image: 629a89c1-8cd2-4629-93ab-85a3502a050f.jpg + where_visible: UI +- id: 2107d009-23ab-4832-aa4c-7f3c1984a899 + current_stock: 19 + name: Vibrant Floral Centerpiece Burst + category: floral + style: centerpiece + description: Our expertly arranged, sustainably grown floral centerpiece fills any + occasion with vibrant color and fragrance. This gorgeous bouquet of seasonal blooms + cultivated using organic practices makes a perfect gift. + price: 97.99 + image: 2107d009-23ab-4832-aa4c-7f3c1984a899.jpg + where_visible: UI +- id: ce6ab068-bb20-477e-b8d6-7eca3f5b6575 + current_stock: 16 + name: Vibrant Indoor Plant for Stylish Decor + category: floral + style: plant + description: Lush, vibrant greenery to brighten your home or office. This easy-care + indoor plant grown sustainably on organic farms adds natural beauty and refreshing + style to any space. + price: 104.99 + image: ce6ab068-bb20-477e-b8d6-7eca3f5b6575.jpg + where_visible: UI +- id: 59bb3cc4-9757-49a0-ac62-8c0afe105a3d + current_stock: 17 + name: Vibrant Indoor Air-Purifying Plant + category: floral + style: plant + description: This lush green indoor plant purifies your air with elegance. Sustainably + grown without chemicals on our organic farms, its graceful form naturally enhances + any decor. Trust our eco-friendly floral offerings to beautifully beautify your + home or office. + price: 117.99 + image: 59bb3cc4-9757-49a0-ac62-8c0afe105a3d.jpg + where_visible: UI + promoted: true +- id: 28ae4b79-78e1-42ed-95a1-38fb306144b2 + current_stock: 10 + name: Invigorating Organic Indoor Oasis + category: floral + style: plant + description: Bring natural beauty into your home or office with this lush, organic + indoor plant. Its sculptural foliage and delicate blooms create a refreshing oasis + that thrives with minimal care. Sustainably grown and stylishly designed. + price: 99.99 + image: 28ae4b79-78e1-42ed-95a1-38fb306144b2.jpg + where_visible: UI +- id: ffcc4cc8-a094-49ea-b9f2-8bf056261868 + current_stock: 16 + name: Lush Green Indoor Plant + category: floral + style: plant + description: Bring natural beauty into your home or office with this lush, vibrant + indoor plant. The graceful fronds and deep green hues of this easy-care, low-maintenance + houseplant purify the air and thrive for years with the right balance of sunlight + and water. + price: 129.99 + image: ffcc4cc8-a094-49ea-b9f2-8bf056261868.jpg + where_visible: UI +- id: 19088866-7d6d-4429-b047-6686cb9540a7 + current_stock: 7 + name: Green Fronds Graceful Houseplant + category: floral + style: plant + description: Bring natural beauty indoors with this lush, vibrant indoor plant. + Its graceful fronds and deep green hues purify air and add life to any space. + A low-maintenance houseplant that thrives with balanced sunlight, water and plant + food. + price: 100.99 + image: 19088866-7d6d-4429-b047-6686cb9540a7.jpg + where_visible: UI +- id: 0712d739-d058-414e-b905-703eaaa3d3ca + current_stock: 14 + name: Lush Green Air Purifying Indoor Plant + category: floral + style: plant + description: Bring nature's vibrance indoors with this easy-care indoor plant. Its + lush green fronds purify air and add life to any space. A long-lasting, low-maintenance + houseplant that thrives with just the right sunlight and water. + price: 76.99 + image: 0712d739-d058-414e-b905-703eaaa3d3ca.jpg + where_visible: UI +- id: a2e205a9-e620-47b7-a978-f8655e672d26 + current_stock: 17 + name: Lush Green Plant Brightens Your Space + category: floral + style: plant + description: With lush green leaves and delicate blooms, this sustainably grown + indoor plant purifies your air and brings natural beauty into any home or office. + An easy-care, eco-friendly accent to brighten your living space. + price: 144.99 + image: a2e205a9-e620-47b7-a978-f8655e672d26.jpg + where_visible: UI +- id: c62defb8-4cbd-4edb-8478-913613e77601 + current_stock: 14 + name: Lively Indoor Green Oasis Plant + category: floral + style: plant + description: This lush indoor plant grown sustainably on our organic farm brings + natural beauty and air-purifying benefits into any home or office. Its sculptural + shape and rich green foliage create a refreshing oasis. + price: 144.99 + image: c62defb8-4cbd-4edb-8478-913613e77601.jpg + where_visible: UI +- id: 40807c84-b343-43c0-8518-634870079907 + current_stock: 9 + name: Lush Sculptural Plant Oasis + category: floral + style: plant + description: Bring natural beauty into your home or office with this lush, organic + indoor plant. Its sculptural leaves and delicate blooms create a refreshing oasis + that thrives with minimal care. An eco-friendly accent that makes a stylish statement. + price: 81.99 + image: 40807c84-b343-43c0-8518-634870079907.jpg + where_visible: UI +- id: 421fa982-eff0-437c-896d-da63ae441b2e + current_stock: 11 + name: Vibrant Indoor Oasis Plant + category: floral + style: plant + description: Bring natural beauty into your home or office with this lush green + indoor plant. Its delicate blooms and vibrant leaves create an eye-catching indoor + oasis. Sustainably grown to produce a robust, long-lasting plant that purifies + air while adding a decorative touch. + price: 136.99 + image: 421fa982-eff0-437c-896d-da63ae441b2e.jpg + where_visible: UI +- id: 94710642-7b99-4d19-b637-6c445b3e3e1d + current_stock: 15 + name: Vibrant Blooming Indoor Plant + category: floral + style: plant + description: Liven your home with this vibrant indoor plant sustainably grown on + organic farms. Its lush green leaves and delicate blooms create an air-purifying, + eye-catching floral accent. An easy-care, eco-friendly decor option for any space. + price: 91.99 + image: 94710642-7b99-4d19-b637-6c445b3e3e1d.jpg + where_visible: UI +- id: a5760d6e-84c0-43e3-a262-a251ac0b8376 + current_stock: 10 + name: Vibrant Indoor Blooming Plant + category: floral + style: plant + description: Bring natural beauty into your home or office with this lush green + indoor plant. Its delicate blooms and vibrant leaves cultivated sustainably create + a refreshing oasis. This easy-to-maintain floral accent makes a thoughtful gift + or stylish decor. + price: 128.99 + image: a5760d6e-84c0-43e3-a262-a251ac0b8376.jpg + where_visible: UI +- id: 5d926c34-3aca-40c3-9199-603c6717ea37 + current_stock: 16 + name: Vibrant Green Indoor Plant + category: floral + style: plant + description: Bring natural beauty indoors with this lush, vibrant indoor plant. + Its graceful fronds and deep green hues brighten any room. A low-maintenance houseplant, + it thrives with just the right balance of sunlight, water, and plant food. + price: 129.99 + image: 5d926c34-3aca-40c3-9199-603c6717ea37.jpg + where_visible: UI + promoted: true +- id: 7c982760-c605-4e7c-ad2d-d1e24228be70 + current_stock: 7 + name: Vibrant Green Houseplant with Delicate Blooms + category: floral + style: plant + description: Bring natural beauty into your home or office with this lush green + indoor plant. Expertly cultivated on organic farms, its delicate blooms and vibrant + leaves create a refreshing oasis perfect for desks, shelves, or any space needing + a pop of living color. + price: 107.99 + image: 7c982760-c605-4e7c-ad2d-d1e24228be70.jpg + where_visible: UI +- id: 78cb9e53-b00a-4c44-9007-800f70d3c7b7 + current_stock: 10 + name: Vibrant Indoor Blooming Oasis + category: floral + style: plant + description: This lush green indoor plant creates a refreshing oasis with its delicate + blooms. Sustainably grown on our organic farms, it's easy to maintain and brings + natural vibrancy to any home or office. A thoughtful gift or stylish decor to + brighten your space. + price: 119.99 + image: 78cb9e53-b00a-4c44-9007-800f70d3c7b7.jpg + where_visible: UI +- id: 5a94b7d5-b210-44b3-9287-c8b0b5488a15 + current_stock: 18 + name: Vibrant Indoor Oasis Plant + category: floral + style: plant + description: Bring natural vibrancy into your home with this lush green indoor plant + sustainably grown on our organic farms. The delicate blooms and refreshing leaves + of this floral accent create an indoor oasis of life and beauty. + price: 126.99 + image: 5a94b7d5-b210-44b3-9287-c8b0b5488a15.jpg + where_visible: UI + promoted: true +- id: 128c6bfd-533a-478e-8e63-bb25deabe186 + current_stock: 10 + name: Hardy Desert Bloom + category: floral + style: plant + description: This compact, emerald-leafed indoor plant thrives with minimal watering. + Its lush foliage and organic origins make it a beautiful, sustainable accent for + any home or office. + price: 52.99 + image: 128c6bfd-533a-478e-8e63-bb25deabe186.jpg + where_visible: UI +- id: f2658d49-665b-433f-b48c-a1761d3de63c + current_stock: 8 + name: Low-Maintenance Air-Cleaning Greenery + category: floral + style: plant + description: This drought-tolerant indoor plant purifies air while adding natural + beauty without constant watering. Its cascading green foliage and elegant planter + enhance any space. + price: 103.99 + image: f2658d49-665b-433f-b48c-a1761d3de63c.jpg + where_visible: UI + promoted: true +- id: be9b69b4-4677-4484-a88a-24e29c52a46b + current_stock: 12 + name: Vibrant Air-Purifying Indoor Plant + category: floral + style: plant + description: This drought-tolerant air-purifying plant adds natural beauty while + cleaning indoor air. Its cascading green foliage thrives with minimal watering, + enhancing any space with lush vibrance. The perfect gift for loved ones. + price: 71.99 + image: be9b69b4-4677-4484-a88a-24e29c52a46b.jpg + where_visible: UI +- id: 710d86b7-71d6-4acc-973f-443f3ffbc812 + current_stock: 16 + name: Lush Cascading Foliage Adds Natural Beauty + category: floral + style: plant + description: This drought-proof cascading plant brings natural beauty indoors without + the hassle of constant care. Its lush green foliage gracefully enhances any space. + price: 66.99 + image: 710d86b7-71d6-4acc-973f-443f3ffbc812.jpg + where_visible: UI + promoted: true +- id: 9d8e0772-5de5-4285-af60-ef8190468943 + current_stock: 19 + name: Low-Maintenance Cascading Green Beauty + category: floral + style: plant + description: "This drought-proof indoor plant thrives with minimal care. Its cascading\ + \ green foliage purifies air and enhances d\xE9cor in any space. For busy yet\ + \ plant-loving homeowners seeking a fuss-free, resilient accent piece." + price: 86.99 + image: 9d8e0772-5de5-4285-af60-ef8190468943.jpg + where_visible: UI +- id: f2236678-186e-4b87-af20-b7a59cfd8551 + current_stock: 18 + name: Lush Leafy Air-Purifying Hanging Plant + category: floral + style: plant + description: This drought-proof plant adds effortless greenery to any space with + cascading leaves and an air-purifying presence, offered in a chic planter. + price: 67.99 + image: f2236678-186e-4b87-af20-b7a59cfd8551.jpg + where_visible: UI +- id: 8cc3233d-2321-44eb-8be4-97dfc32d69db + current_stock: 11 + name: Lush Leafy Air-Cleaning Indoor Plant + category: floral + style: plant + description: This drought-resistant indoor plant purifies air while adding natural + beauty without constant care. Its cascading green foliage and elegant planter + enhance any space. + price: 87.99 + image: 8cc3233d-2321-44eb-8be4-97dfc32d69db.jpg + where_visible: UI +- id: 1613bd0b-5be5-4d26-bdc7-e68068c38847 + current_stock: 17 + name: Succulent Sculptural Houseplant + category: floral + style: plant + description: "This organic, sculptural plant thrives without frequent watering.\ + \ Its lush green foliage stays vibrant even when dry. An ideal low-maintenance\ + \ houseplant that enhances d\xE9cor with its handsome leaves and sustainable farming\ + \ origins." + price: 108.99 + image: 1613bd0b-5be5-4d26-bdc7-e68068c38847.jpg + where_visible: UI +- id: d5f830bd-8c49-4bc2-85ba-3d120c90caa6 + current_stock: 9 + name: Low-Maintenance Green Beauty + category: floral + style: plant + description: This drought-proof indoor plant thrives without frequent watering. + Its cascading green foliage purifies air to enhance your decor. For $150.99, invite + nature inside with this hassle-free, professionally grown accent piece. + price: 150.99 + image: d5f830bd-8c49-4bc2-85ba-3d120c90caa6.jpg + where_visible: UI + promoted: true +- id: e9564c87-1af5-49d0-8ef2-4522e6d0f2c6 + current_stock: 9 + name: Lush Life Drought-Proof Plant + category: floral + style: plant + description: This lush, low-maintenance houseplant thrives with minimal watering. + Its resilient green foliage brightens any room. Sustainably farmed, this ethical + indoor plant adds hassle-free living color to your home or office decor. + price: 78.99 + image: e9564c87-1af5-49d0-8ef2-4522e6d0f2c6.jpg + where_visible: UI +- id: 003e4953-d6cb-400c-90f6-9b0216b4603e + current_stock: 8 + name: Lush Green Low-Maintenance Air Purifier Plant + category: floral + style: plant + description: Bring the outdoors in with this lush, low-maintenance indoor plant. + Its vibrant green leaves purify air and thrive with minimal watering, adding hassle-free + beauty and life to any space. + price: 76.99 + image: 003e4953-d6cb-400c-90f6-9b0216b4603e.jpg + where_visible: UI +- id: b44343a2-6f82-41b1-b052-52e63b6ad844 + current_stock: 11 + name: Lush Cascading Air-Purifying Plant + category: floral + style: plant + description: This drought-proof indoor plant thrives without frequent watering. + Its lush cascading foliage purifies air to enhance your decor. An easy care, quality + crafted accent piece for any indoor space. + price: 147.99 + image: b44343a2-6f82-41b1-b052-52e63b6ad844.jpg + where_visible: UI +- id: aa67955f-aea0-48e5-b819-5eae313d949f + current_stock: 17 + name: Vibrant Air-Purifying Cascade Plant + category: floral + style: plant + description: This vibrant, cascading indoor plant purifies air while thriving with + minimal care, adding natural beauty without the hassle. + price: 118.99 + image: aa67955f-aea0-48e5-b819-5eae313d949f.jpg + where_visible: UI +- id: 726f0647-4edf-4b9f-9c9e-83f61111e54b + current_stock: 19 + name: Vibrant Green Easy-Care Houseplant + category: floral + style: plant + description: This lush, low-maintenance houseplant thrives with minimal watering. + Its vibrant green foliage brightens any room. Sustainably grown on our organic + farms, this beautiful and eco-friendly indoor plant is the perfect, neglect-resistant + accent for your home or office. + price: 138.99 + image: 726f0647-4edf-4b9f-9c9e-83f61111e54b.jpg + where_visible: UI +- id: 0c4744e2-b989-4509-a7e2-7d8dc43ff404 + current_stock: 18 + name: Vibrant Drought-Proof Indoor Plant + category: floral + style: plant + description: Bring nature indoors with this lush, low-maintenance indoor plant. + Its drought-resistant foliage stays vibrant without frequent watering, adding + a pop of hassle-free green to any home or office. + price: 73.99 + image: 0c4744e2-b989-4509-a7e2-7d8dc43ff404.jpg + where_visible: UI +- id: 8482ba2e-0ba9-46a7-97b0-0a992f10d1b1 + current_stock: 7 + name: Vibrant Cascading Indoor Plant + category: floral + style: plant + description: This drought-proof indoor plant adds effortless greenery and clean + air to any space. Its cascading green foliage thrives with minimal watering, making + it the perfect hassle-free houseplant. + price: 84.99 + image: 8482ba2e-0ba9-46a7-97b0-0a992f10d1b1.jpg + where_visible: UI +- id: 3b0aaa5e-85fa-4ab8-ab9b-6c2dbd36763d + current_stock: 8 + name: Sculptural Air-Purifying Plant + category: floral + style: plant + description: With sculptural leaves and a lush green foliage that thrives without + frequent watering, this sustainably grown, drought-resistant houseplant purifies + air and delivers natural beauty as a low-maintenance, promotional floral accent + for any home or office. + price: 84.99 + image: 3b0aaa5e-85fa-4ab8-ab9b-6c2dbd36763d.jpg + where_visible: UI + promoted: true +- id: 61697f16-9198-4d1a-89a5-e43386c2b759 + current_stock: 19 + name: Vibrant Cascading Indoor Plant + category: floral + style: plant + description: This drought-proof indoor plant adds easy greenery to any space. Its + cascading green foliage thrives with minimal watering, naturally purifying air + while enhancing your decor with graceful beauty. + price: 83.99 + image: 61697f16-9198-4d1a-89a5-e43386c2b759.jpg + where_visible: UI +- id: 94956686-1a12-477b-a67b-fbdbeded7a0b + current_stock: 12 + name: Lush Cascading Air-Purifying Plant + category: floral + style: plant + description: This drought-proof indoor plant purifies air with lush cascading greenery. + An effortless, elegant accent for your home decor. + price: 91.99 + image: 94956686-1a12-477b-a67b-fbdbeded7a0b.jpg + where_visible: UI +- id: ad9b2dfd-2967-4242-80b8-86f253d9d113 + current_stock: 9 + name: Vibrant Drought-Proof Houseplant + category: floral + style: plant + description: Bring lush greenery into your home without worry! This organic, drought-resistant + plant thrives with minimal watering, purifying air and adding natural vibrancy. + The perfect low-maintenance accent for beginners and busy households. + price: 52.99 + image: ad9b2dfd-2967-4242-80b8-86f253d9d113.jpg + where_visible: UI + promoted: true +- id: 8c273951-c115-4400-a50e-25a4bd1a9a52 + current_stock: 14 + name: Vibrant Neglect-Resistant Indoor Plant + category: floral + style: plant + description: With lush green leaves that remain vibrant even when neglected, this + sustainably-grown, drought-resistant plant adds a pop of living color to any space + while thriving with minimal care. + price: 50.99 + image: 8c273951-c115-4400-a50e-25a4bd1a9a52.jpg + where_visible: UI +- id: 2a14378c-afe8-47bb-9c7b-22c620d81c3f + current_stock: 13 + name: Vibrant Air-Purifying Low-Maintenance Plant + category: floral + style: plant + description: This vibrant and lush drought-resistant plant purifies your indoor + air while gracing any room with natural beauty without the hassle of constant + watering. + price: 92.99 + image: 2a14378c-afe8-47bb-9c7b-22c620d81c3f.jpg + where_visible: UI +- id: 7bf49f2c-e8d3-4ace-91dc-9ccca4de3116 + current_stock: 6 + name: Vibrant Air-Purifying Hanging Plant + category: floral + style: plant + description: This drought-proof indoor plant purifies air and enhances decor with + lush cascading foliage and an elegant planter, a resilient beauty requiring little + care. + price: 93.99 + image: 7bf49f2c-e8d3-4ace-91dc-9ccca4de3116.jpg + where_visible: UI +- id: d85e36ba-bf6e-42e6-81a1-d8f555f6cf93 + current_stock: 10 + name: Vibrant Low-Maintenance Indoor Plant + category: floral + style: plant + description: This drought-proof plant thrives with minimal care. Its lush green + leaves brighten any space. Sustainably farmed and hassle-free, it's the perfect + low-maintenance accent for your home or office. + price: 62.99 + image: d85e36ba-bf6e-42e6-81a1-d8f555f6cf93.jpg + where_visible: UI +- id: 6d0ba711-5810-4439-875d-3db9ead666b8 + current_stock: 14 + name: Vibrant Drought-Proof Indoor Plant + category: floral + style: plant + description: Bring natural beauty to your home with this lush, low-maintenance indoor + plant. Its sustainably grown, drought-resistant foliage stays vibrant without + frequent watering. An organic, eco-friendly accent piece for any indoor space. + price: 93.99 + image: 6d0ba711-5810-4439-875d-3db9ead666b8.jpg + where_visible: UI +- id: d5c6f4d1-08af-4013-b765-df05fe9d35b7 + current_stock: 9 + name: Vibrant Indoor Plant Thrives With Little Water + category: floral + style: plant + description: Bring lush, vibrant greenery into your home with our organic, drought-resistant + indoor plant. Its sculptural shape and resilient foliage thrives with minimal + watering, making this low-maintenance houseplant an ideal green accent for any + decor. + price: 83.99 + image: d5c6f4d1-08af-4013-b765-df05fe9d35b7.jpg + where_visible: UI +- id: f320201f-f389-4fb3-a521-d9cdcbf537e7 + current_stock: 12 + name: Festive Wreath with Fresh Berries + category: floral + style: wreath + description: Spread seasonal cheer with this festive, fragrant Christmas wreath + artfully crafted from fresh evergreens, pine cones, and berries. An eco-friendly + decoration sustainably harvested from our organic farms. + price: 111.99 + image: f320201f-f389-4fb3-a521-d9cdcbf537e7.jpg + where_visible: UI +- id: 6fd585f4-1edf-4235-83ab-51f871f95f36 + current_stock: 16 + name: Handcrafted Evergreen Christmas Wreath + category: floral + style: wreath + description: A handcrafted, sustainable Christmas wreath infusing homes with festive + evergreen fragrance. Lovingly created from fresh boughs, pinecones, and berries. + This wreath captures the magic of the holidays and makes a thoughtful gift. + price: 134.99 + image: 6fd585f4-1edf-4235-83ab-51f871f95f36.jpg + where_visible: UI + promoted: true +- id: 045324c6-7df9-4ce7-9688-d352a6d73e02 + current_stock: 15 + name: Festive Handcrafted Holiday Wreath + category: floral + style: wreath + description: Celebrate the holidays with this fresh, fragrant Christmas wreath decorated + with noble fir, pinecones and bright red berries. An elegant handcrafted decoration + sustainably sourced from family farms. + price: 92.99 + image: 045324c6-7df9-4ce7-9688-d352a6d73e02.jpg + where_visible: UI + promoted: true +- id: 85ebb1fc-8e6f-4f21-a48c-449135f378a9 + current_stock: 15 + name: Fragrant Handcrafted Holiday Wreath + category: floral + style: wreath + description: Crafted from sustainably harvested evergreens, this festive handmade + wreath infuses your home with the spicy aroma of Christmas. A meaningful gift + that captures the magic of the holidays. + price: 52.99 + image: 85ebb1fc-8e6f-4f21-a48c-449135f378a9.jpg + where_visible: UI +- id: 1a99be94-e682-4034-a012-7b0536c0eaca + current_stock: 9 + name: Fragrant Evergreen Christmas Wreath + category: floral + style: wreath + description: A handcrafted, sustainably-grown Christmas wreath with fragrant evergreen + boughs, pinecones and red berries. This festive and traditional decoration infuses + your home with the magical scents of the holiday season. + price: 121.99 + image: 1a99be94-e682-4034-a012-7b0536c0eaca.jpg + where_visible: UI +- id: 9c1dc656-48fb-4fd2-86b5-04da58eed610 + current_stock: 15 + name: Red Berry Wreath for Holiday Cheer + category: floral + style: wreath + description: Celebrate the holidays with this festive and fragrant Christmas wreath + featuring red berries, pinecones, and artfully arranged evergreen boughs. A jolly + welcome for your home. + price: 145.99 + image: 9c1dc656-48fb-4fd2-86b5-04da58eed610.jpg + where_visible: UI + promoted: true +- id: e30ac0a3-8fbc-446a-a97c-4efff7c00c54 + current_stock: 15 + name: Fragrant Evergreen Holiday Wreath + category: floral + style: wreath + description: Crafted from fragrant evergreens and festive accents, our handmade + Christmas wreath infuses your home with the magical aroma of the holidays. Celebrate + the season by decorating your door with this sustainably grown, organic wreath. + price: 100.99 + image: e30ac0a3-8fbc-446a-a97c-4efff7c00c54.jpg + where_visible: UI +- id: 20fb1207-9bb2-4e68-9d86-b0368d55c82f + current_stock: 10 + name: Festive Evergreen Wreath + category: floral + style: wreath + description: Crafted from evergreen boughs and festive accents, our handmade Christmas + wreath infuses your home with the magical aromas of the season. This sustainable, + organic decoration spreads cheer as a traditional symbol of the holidays. + price: 96.99 + image: 20fb1207-9bb2-4e68-9d86-b0368d55c82f.jpg + where_visible: UI +- id: 610d0b43-fbc2-481c-b2cb-570a4f8c214c + current_stock: 13 + name: Handcrafted Evergreen Christmas Wreath + category: floral + style: wreath + description: Handcrafted from sustainably grown evergreens, this festive 24" Christmas + wreath lends natural beauty and woodsy aroma to your holiday decor. Made with + care using locally sourced noble firs, cedars, pines, winterberries and pine cones. + price: 147.99 + image: 610d0b43-fbc2-481c-b2cb-570a4f8c214c.jpg + where_visible: UI +- id: 36cfd856-dd30-46a9-8654-1f1de77e674a + current_stock: 13 + name: Bright Spring Wreath + category: floral + style: wreath + description: Celebrate spring's renewal with our sustainably grown Easter wreath. + Lilies, tulips, and hyacinths bloom brightly against natural greenery in this + festive handcrafted floral arrangement. + price: 128.99 + image: 36cfd856-dd30-46a9-8654-1f1de77e674a.jpg + where_visible: UI + promoted: true +- id: 3fb35e00-d584-4d1c-a8de-eb7af9ca9efb + current_stock: 18 + name: Autumn Bounty Wreath + category: floral + style: wreath + description: Celebrate the bounty of autumn with this rustic handcrafted wreath + of sustainably grown flowers, foliage, pumpkins, and berries in rich harvest hues. + A beautiful welcoming statement for your home. + price: 110.99 + image: 3fb35e00-d584-4d1c-a8de-eb7af9ca9efb.jpg + where_visible: UI +- id: 168b7d52-7dbf-4f73-987b-d0fe181f778a + current_stock: 8 + name: Autumn Bounty Wreath + category: floral + style: wreath + description: Beautiful handcrafted wreath bursting with autumn's bounty. Orange + roses, yellow chrysanthemums, red maple leaves, and pinecones artistically arranged. + Welcome fall's beauty into your home with this festive floral decor. + price: 54.99 + image: 168b7d52-7dbf-4f73-987b-d0fe181f778a.jpg + where_visible: UI +- id: e588910b-a9fb-4717-a2c0-5c476505b5d2 + current_stock: 10 + name: Wreath of Love Marks New Beginnings + category: floral + style: wreath + description: Celebrate your wedding day with this exquisite floral wreath. Lovingly + handcrafted from fresh, seasonal blooms like roses and hydrangeas, it's a symbol + of new beginnings for the bride's walk down the aisle. + price: 93.99 + image: e588910b-a9fb-4717-a2c0-5c476505b5d2.jpg + where_visible: UI +- id: 49f48b44-2a8e-4922-b2ff-2ff8c52b43f3 + current_stock: 10 + name: Blooming Wreath for Marital Bliss + category: floral + style: wreath + description: Celebrate your special day with this organic floral wreath. Lovingly + handcrafted with seasonal blossoms, this wreath's lush circular arrangement beautifully + symbolizes your commitment and new beginnings. + price: 56.99 + image: 49f48b44-2a8e-4922-b2ff-2ff8c52b43f3.jpg + where_visible: UI + promoted: true +- id: 8ac10473-effb-464a-9270-b9108f72f401 + current_stock: 16 + name: Seasonal Blooms Wedding Wreath + category: floral + style: wreath + description: Celebrate your special day with this exquisite floral wreath, handcrafted + with seasonal blooms artfully woven together. An elegant accent for any wedding + ceremony or reception. + price: 62.99 + image: 8ac10473-effb-464a-9270-b9108f72f401.jpg + where_visible: UI + promoted: true +- id: 6a14c9e7-e667-48b1-9b77-b9ccee9e63b5 + current_stock: 7 + name: Pink and White Wedding Wreath + category: floral + style: wreath + description: Fresh, romantic pink and white floral wreath with roses, baby's breath, + and seasonal blooms, expertly hand-arranged by master florists. An elegant statement + piece for your special wedding day. + price: 121.99 + image: 6a14c9e7-e667-48b1-9b77-b9ccee9e63b5.jpg + where_visible: UI + promoted: true +- id: f7c1d04c-3076-4389-b06a-91993c983777 + current_stock: 9 + name: Sleek Saddle Leather Knee Boots + category: footwear + style: boot + description: Expertly crafted from fine saddle brown leather, these sleek knee-high + boots evoke autumn's rich colors. Their minimal stitching showcases the supple + leather, while the modest block heel provides a touch of lift for all-day walkable + comfort and timeless style. + price: 146.99 + image: f7c1d04c-3076-4389-b06a-91993c983777.jpg + gender_affinity: F + where_visible: UI +- id: 9a66adca-22dc-4e13-bf61-ceb1f5fffcb6 + current_stock: 10 + name: Stylish Black Leather Ankle Boots + category: footwear + style: boot + description: These sleek black leather ankle boots are a stylish, versatile choice + for autumn. Crafted from premium leather with a classic silhouette, modest block + heel, and durable rubber sole, they provide timeless elegance, comfort, and traction + to complement any outfit. + price: 258.99 + image: 9a66adca-22dc-4e13-bf61-ceb1f5fffcb6.jpg + gender_affinity: F + where_visible: UI +- id: 62b99b72-6a26-4b09-9e53-80d7ed22889d + current_stock: 16 + name: Stylish Teal Hiking Boots + category: footwear + style: boot + description: Our trendy teal leather hiking boots blend fashion and function with + their sleek, eye-catching color and soft, faux fur lining. The durable rubber + soles provide traction on any terrain while the lace-up design ensures a custom, + comfortable fit for all-day wear. + price: 169.99 + image: 62b99b72-6a26-4b09-9e53-80d7ed22889d.jpg + gender_affinity: F + where_visible: UI +- id: 8e3d277d-0e58-438a-a271-904d86528f4f + current_stock: 9 + name: Stylish Saddle Brown Leather Boots + category: footwear + style: boot + description: Expertly crafted from fine leather, these chic knee-high boots feature + a sleek silhouette with a rounded toe and low block heel for all-day comfort. + The rich saddle brown color pairs effortlessly with any outfit. + price: 162.99 + image: 8e3d277d-0e58-438a-a271-904d86528f4f.jpg + gender_affinity: F + where_visible: UI +- id: 577b81e2-f0ed-4fd8-92ab-617cad9f1b84 + current_stock: 15 + name: Stylish Black Leather Block Heel Boots + category: footwear + style: boot + description: Step into seasonal style with these sleek black leather boots. Crafted + from supple leather with a walkable block heel, these wardrobe essentials pair + perfectly with everything and provide effortless sophistication. + price: 140.99 + image: 577b81e2-f0ed-4fd8-92ab-617cad9f1b84.jpg + gender_affinity: F + where_visible: UI +- id: e83f8280-a563-4744-9e19-02a8f0828872 + current_stock: 10 + name: Cozy Brown Boots for Little Feet + category: footwear + style: boot + description: Style and comfort blend beautifully in these brown leather toddler + boots. Soft lining cradles little feet while sturdy soles grip surfaces during + adventures. Easy pull-tabs and velcro closures make them simple for tiny hands. + price: 146.99 + image: e83f8280-a563-4744-9e19-02a8f0828872.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 9955397c-d668-40d7-ae63-0f4a3aa8a523 + current_stock: 11 + name: Sleek Black Zip Leather Boots + category: footwear + style: boot + description: Expertly crafted black leather boots with a sleek zipper and modest + block heel for timeless style. An impeccable pair to complement any cool weather + outfit while keeping feet dry and comfortable. + price: 90.99 + image: 9955397c-d668-40d7-ae63-0f4a3aa8a523.jpg + gender_affinity: F + where_visible: UI +- id: 24f8ba65-f4e1-4cd1-8a6e-cb3ea490890a + current_stock: 18 + name: Stylish Brown Leather Knee-High Boots + category: footwear + style: boot + description: Exquisitely crafted brown leather knee-high boots with buckled strap + detail. Luxe full-grain leather upper with intricate stitching. Chic weekend style + with sleek feminine silhouette. Premium quality and versatility for endless outfit + pairings. + price: 253.99 + image: 24f8ba65-f4e1-4cd1-8a6e-cb3ea490890a.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 131f849e-cffb-4332-bbe0-183ffb4d272f + current_stock: 12 + name: Rust Sienna Leather Boots + category: footwear + style: boot + description: Crafted from premium leather, these sleek sienna boots evoke the warmth + of spring with their rich color. The supple material molds to your foot for a + custom fit, while the subtle heel lifts your look. A sophisticated and on-trend + addition to your wardrobe. + price: 113.99 + image: 131f849e-cffb-4332-bbe0-183ffb4d272f.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: f1c73a48-b83e-45b7-b812-8b0b7f372208 + current_stock: 11 + name: Sleek Gray Leather Block Heel Boots + category: footwear + style: boot + description: Make a timeless style statement in these versatile gray leather block + heel boots. Expertly crafted with quality materials, this stylish pair offers + sleek femininity, subtle lift, and all-day comfort. + price: 237.99 + image: f1c73a48-b83e-45b7-b812-8b0b7f372208.jpg + gender_affinity: F + where_visible: UI +- id: d23ef17b-f59c-4f8e-959f-be8faef2ac9a + current_stock: 12 + name: Stylish Sienna Hiking Boots + category: footwear + style: boot + description: Make every step a stylish adventure with these Sienna leather hiking + boots. Their rugged sienna leather upper and durable rubber sole provide both + fashion and function for all your outdoor pursuits. + price: 69.99 + image: d23ef17b-f59c-4f8e-959f-be8faef2ac9a.jpg + gender_affinity: F + where_visible: UI +- id: 904c8357-455b-48d1-84ef-2e28325a721b + current_stock: 19 + name: Stylish Slate Gray Toddler Boots + category: footwear + style: boot + description: These stylish dark slate gray leather toddler boots are crafted for + adventure with premium materials, cushioned insoles, and durable construction + to keep little feet comfortable all day long. + price: 142.99 + image: 904c8357-455b-48d1-84ef-2e28325a721b.jpg + gender_affinity: F + where_visible: UI +- id: 034b627d-f91e-494f-94dd-7cf7b6f8edf4 + current_stock: 17 + name: Rugged Brown Leather Boots + category: footwear + style: boot + description: Expertly crafted from fine leathers, these timeless brown boots offer + sleek style and sturdy construction with a soft inner lining. Their rich brown + color elegantly complements any outfit. + price: 237.99 + image: 034b627d-f91e-494f-94dd-7cf7b6f8edf4.jpg + gender_affinity: M + where_visible: UI +- id: 54b32288-cfad-4422-9ed2-4f852c178469 + current_stock: 19 + name: Rugged Leather Boots for Work and Play + category: footwear + style: boot + description: Expertly crafted from fine leather, these versatile dark brown lace-up + boots offer a stylish, comfortable fit for work or play. Their rich color and + subtle heel complement any outfit. + price: 155.99 + image: 54b32288-cfad-4422-9ed2-4f852c178469.jpg + gender_affinity: M + where_visible: UI +- id: 4c9184ea-2127-4db8-ab87-c966af888b5e + current_stock: 6 + name: Rugged Leather Boots for Men + category: footwear + style: boot + description: Expertly crafted from fine leather, these sleek and sturdy boots offer + versatile style and lasting comfort. The premium full-grain leather upper and + moisture-wicking lining ensure durable softness with every step. + price: 102.99 + image: 4c9184ea-2127-4db8-ab87-c966af888b5e.jpg + gender_affinity: M + where_visible: UI +- id: 6e6edeb5-1400-416c-bd4c-e3b5f427993c + current_stock: 19 + name: Vibrant Orange Leather Boots + category: footwear + style: boot + description: Expertly crafted in fine leather, these bold Peru-Orange boots make + a vibrant statement with sleek styling. Their rich color and impeccable quality + construction ensure long-lasting comfort and fashion-forward flair. + price: 186.99 + image: 6e6edeb5-1400-416c-bd4c-e3b5f427993c.jpg + gender_affinity: M + where_visible: UI +- id: 8f2daabd-cfb4-48a5-879a-ce4a2a9d922e + current_stock: 12 + name: Sleek Brown Leather Boot Classics + category: footwear + style: boot + description: Classic and timeless, these sleek brown leather boots expertly crafted + for comfort and durability make a sophisticated addition to any wardrobe. + price: 248.99 + image: 8f2daabd-cfb4-48a5-879a-ce4a2a9d922e.jpg + gender_affinity: M + where_visible: UI +- id: 6c9e5a95-da20-41d7-acbe-5a66d02a3488 + current_stock: 12 + name: Stylish Brown Leather Boots + category: footwear + style: boot + description: Expertly crafted brown leather boots featuring a sleek almond toe silhouette. + Buttery soft leather uppers and low block heel for day-long comfort and feminine + style. Versatile enough for jeans or dresses. A wardrobe essential designed to + elevate any outfit. + price: 124.99 + image: 6c9e5a95-da20-41d7-acbe-5a66d02a3488.jpg + gender_affinity: M + where_visible: UI +- id: 274758fa-fd8a-4b25-b87f-fa6b56ef9f48 + current_stock: 7 + name: Rugged Saddle Brown Leather Boots + category: footwear + style: boot + description: These stylish saddle brown leather boots are crafted from fine materials + for long-lasting comfort and durability. Their sleek yet classic design pairs + perfectly with casual or formal wear. + price: 80.99 + image: 274758fa-fd8a-4b25-b87f-fa6b56ef9f48.jpg + gender_affinity: M + where_visible: UI +- id: afba8eed-c114-422f-8960-13f90d2657ff + current_stock: 13 + name: Sleek Leather Boots for Timeless Style + category: footwear + style: boot + description: Expertly crafted from premium leather, these timeless, sleek black + boots offer unmatched comfort and durable construction to keep your feet looking + and feeling great for years. A must-have pair for any wardrobe. + price: 80.99 + image: afba8eed-c114-422f-8960-13f90d2657ff.jpg + gender_affinity: M + where_visible: UI +- id: c9864541-b1a9-45a5-9304-e6782843a9c1 + current_stock: 19 + name: Stylish Brown Leather Boots + category: footwear + style: boot + description: Expertly crafted brown leather knee-high boots featuring a sleek, timeless + design. Slide into comfort with the soft microfiber lining and cushioned insole. + Stay steady on wet days with the durable, traction rubber outsole. + price: 74.99 + image: c9864541-b1a9-45a5-9304-e6782843a9c1.jpg + gender_affinity: M + where_visible: UI +- id: 881659ef-117e-4109-b6b9-34758cce38c8 + current_stock: 9 + name: Stylish Black Leather Boots + category: footwear + style: boot + description: Crafted from premium leather, these versatile black boots offer sleek + style and unmatched comfort with a classic silhouette, cushioned insole and durable + traction outsole - an everyday wardrobe essential. + price: 93.99 + image: 881659ef-117e-4109-b6b9-34758cce38c8.jpg + gender_affinity: M + where_visible: UI +- id: 2b556650-4748-460a-b4c9-b81b8fd3e990 + current_stock: 17 + name: Rugged Brown Leather Boots + category: footwear + style: boot + description: Presenting our finest leather boots, crafted with care to deliver superior + comfort and timeless sophistication. These durable, sleek brown boots are designed + to become your most trusted footwear for any occasion. + price: 182.99 + image: 2b556650-4748-460a-b4c9-b81b8fd3e990.jpg + gender_affinity: M + where_visible: UI +- id: bc518a34-487f-415a-b9be-1d7e73fbc4e1 + current_stock: 11 + name: Rugged Brown Leather Boots + category: footwear + style: boot + description: These fine brown leather boots expertly strike a balance between style + and comfort. Crafted from quality materials with a sleek yet sturdy design, they + are the perfect versatile wardrobe addition for any occasion. + price: 262.99 + image: bc518a34-487f-415a-b9be-1d7e73fbc4e1.jpg + gender_affinity: M + where_visible: UI +- id: 84dc124a-699d-433a-a828-5e32044c8945 + current_stock: 15 + name: Rugged Brown Leather Boots + category: footwear + style: boot + description: Expertly crafted brown leather boots with a timeless lace-up design. + The premium full-grain leather molds to your feet for custom comfort and sophistication. + price: 53.99 + image: 84dc124a-699d-433a-a828-5e32044c8945.jpg + gender_affinity: M + where_visible: UI +- id: fc3e1166-082b-4924-a9a9-2e1b5eb6e386 + current_stock: 16 + name: Stylish Tan Leather Boots + category: footwear + style: boot + description: Expertly crafted tan leather boots with a timeless, sleek design. The + premium leather offers unmatched comfort and durability. Subtle stitching provides + understated flair. An essential, versatile pair that blends quality, style, and + sophistication. + price: 175.99 + image: fc3e1166-082b-4924-a9a9-2e1b5eb6e386.jpg + gender_affinity: M + where_visible: UI +- id: 8a740ed4-b238-4131-b654-1e031c1ae7c6 + current_stock: 15 + name: Rugged Brown Leather Boots + category: footwear + style: boot + description: Expertly crafted from fine leather, these rugged yet refined brown + boots deliver lasting comfort and timeless style. The premium full-grain leather + upper develops a handsome patina while the sturdy rubber outsole provides traction. + price: 270.99 + image: 8a740ed4-b238-4131-b654-1e031c1ae7c6.jpg + gender_affinity: M + where_visible: UI +- id: 54fbab52-7f34-44a3-8de2-e9e53fb1b230 + current_stock: 7 + name: Sleek Dark Gray Leather Boots + category: footwear + style: boot + description: Expertly crafted from rich, dark slate gray leather, these sleek boots + promise unrivaled comfort and understated elegance to pair perfectly with any + outfit. Their minimalist design lets the beautiful color take center stage. + price: 122.99 + image: 54fbab52-7f34-44a3-8de2-e9e53fb1b230.jpg + gender_affinity: M + where_visible: UI +- id: c4b0c69d-313e-42e3-8c9d-5965020b29e4 + current_stock: 11 + name: Sleek Sienna Buckle Boots + category: footwear + style: boot + description: Elevate your style with these sleek sienna leather boots featuring + decorative buckles and a durable rubber sole for stable walking. Their cushioned + insole provides all-day comfort so you can pair them with any outfit from jeans + to dresses. + price: 171.99 + image: c4b0c69d-313e-42e3-8c9d-5965020b29e4.jpg + gender_affinity: M + where_visible: UI +- id: 61875c90-20ec-461b-b523-1c8a6fe6ce97 + current_stock: 14 + name: Timeless Leather Boots + category: footwear + style: boot + description: Expertly crafted leather boots offering sophisticated style and timeless + comfort. The sleek yet sturdy design provides durability and versatility for work + or play while the rich leather keeps feet warm and dry. + price: 97.99 + image: 61875c90-20ec-461b-b523-1c8a6fe6ce97.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 80cfb14b-83e4-4ccc-8062-f282c7646c15 + current_stock: 11 + name: Stylish White Leather Formal Shoes + category: footwear + style: formal + description: Elevate your style with these elegant white leather formal shoes. Crafted + from smooth genuine leather with a sleek and sophisticated design, these versatile + shoes offer sophistication and comfort for work or special events. + price: 9.99 + image: 80cfb14b-83e4-4ccc-8062-f282c7646c15.jpg + gender_affinity: F + where_visible: UI +- id: b15d24d5-8551-477b-bcfa-70aa9e78538a + current_stock: 10 + name: Stylish Black Heels + category: footwear + style: formal + description: Sleek and sophisticated, these versatile black heels elongate legs + and compliment any outfit. Crafted with quality leather and a cushioned insole, + this elegantly stylish footwear provides all-day comfort and sophistication. + price: 9.99 + image: b15d24d5-8551-477b-bcfa-70aa9e78538a.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: ffdb2dc7-ea75-4197-9826-e81ccd42f578 + current_stock: 10 + name: Fiery Red Strappy Platforms + category: footwear + style: formal + description: Turn heads in these eye-catching red faux leather platform heels featuring + a 5-inch block heel and 2-inch platform. Perfect for dressing up jeans or complementing + formal wear with their sleek strappy design and vibrant pop of color. + price: 9.99 + image: ffdb2dc7-ea75-4197-9826-e81ccd42f578.jpg + gender_affinity: F + where_visible: UI +- id: b7f5028e-4089-4ed8-8167-d12b3a761b88 + current_stock: 14 + name: Bold Salmon Stilettos for Feminine Flair + category: footwear + style: formal + description: Elevate your style with these bold and playful open-toe salmon pink + stilettos. The sleek leather upper and 4-inch heel add feminine flair while the + cushioned insole keeps you comfortable all night long. + price: 9.99 + image: b7f5028e-4089-4ed8-8167-d12b3a761b88.jpg + gender_affinity: F + where_visible: UI +- id: 21d122cd-450e-4bdd-9568-776cdfef438d + current_stock: 6 + name: Stylish Red Formal Shoes + category: footwear + style: formal + description: Crafted from premium materials, these timeless red formal shoes for + women feature an elegant design perfect for special occasions. Pair with formalwear + to add a vibrant pop of color. + price: 9.99 + image: 21d122cd-450e-4bdd-9568-776cdfef438d.jpg + gender_affinity: F + where_visible: UI +- id: 24ea4618-c6a5-4f9a-8d99-6a5b2a4523e0 + current_stock: 6 + name: Sleek Strappy Stilettos + category: footwear + style: formal + description: Elevate your style with these sleek black leather stiletto heels featuring + multiple slim straps for a secure yet sultry look. The 4-inch heel and pointed + toe design add flair to any outfit. + price: 9.99 + image: 24ea4618-c6a5-4f9a-8d99-6a5b2a4523e0.jpg + gender_affinity: F + where_visible: UI +- id: ca25b000-2e61-4d1d-b4f5-02263bb3e93f + current_stock: 15 + name: Stylish Nude Heels + category: footwear + style: formal + description: Sleek and sophisticated, these versatile nude pointed toe heels effortlessly + elevate any outfit from day to night. Crafted with quality materials for comfort + and style. + price: 9.99 + image: ca25b000-2e61-4d1d-b4f5-02263bb3e93f.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: bb3f926c-9869-4b47-b13d-63271768f0b1 + current_stock: 14 + name: Glittery Formal Dance Heels + category: footwear + style: formal + description: Shimmering formal heels for special occasions. Elegant yet comfortable + design with sparkling accents. Sturdy anti-slip sole provides stability while + you dance the night away in dazzling style. + price: 9.99 + image: bb3f926c-9869-4b47-b13d-63271768f0b1.jpg + gender_affinity: F + where_visible: UI +- id: 2adca223-bbf0-46d4-9f4a-72666293b174 + current_stock: 19 + name: Sleek Black Heels Elevate Your Style + category: footwear + style: formal + description: Elevate your style with these versatile black heels featuring a sleek, + sophisticated design. The perfect mix of comfort and elegance, these heels complement + both work and evening wear for the modern woman. + price: 9.99 + image: 2adca223-bbf0-46d4-9f4a-72666293b174.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: cb70731b-cf70-437b-bb3d-9142323f61db + current_stock: 19 + name: Stylish Faux Leather Platform Heels + category: footwear + style: formal + description: Make an elegant entrance in these dramatic 4-inch chunky-heeled platform + pumps. Faux leather straps and cushioned footbed keep you comfortable while you + dance the night away. + price: 9.99 + image: cb70731b-cf70-437b-bb3d-9142323f61db.jpg + gender_affinity: F + where_visible: UI +- id: 4ac7a300-a3b9-4baa-98aa-e65ed6c08be9 + current_stock: 8 + name: Stylish Black Lace-Up Leather Heels + category: footwear + style: formal + description: Exude poise and sophistication in these timeless black leather heels + featuring a glossy finish, lace-up front, and modest heel for all-day comfort. + The perfect polish for work and formal events. + price: 9.99 + image: 4ac7a300-a3b9-4baa-98aa-e65ed6c08be9.jpg + gender_affinity: F + where_visible: UI +- id: afd62b60-3596-47cd-a61f-1e53a0c2a8da + current_stock: 9 + name: Glamorous Gold Heels for Women + category: footwear + style: formal + description: Make an elegant entrance in these gleaming golden formal shoes. Expertly + crafted for comfort and sophistication, these stunning heels complement any special + occasion look with their sleek, eye-catching design. + price: 9.99 + image: afd62b60-3596-47cd-a61f-1e53a0c2a8da.jpg + gender_affinity: F + where_visible: UI +- id: 072f2cf7-33e8-4c74-9406-2c1fc21b3168 + current_stock: 15 + name: Stylish Black Pumps for Women + category: footwear + style: formal + description: Introducing our elegant new Black Formal Shoes for Women - sleek, versatile, + and designed for all-day comfort. These timeless black shoes feature a rounded + toe and modest heel, crafted with quality materials to match any outfit for work + or formal events. A wardrobe essential for sophisticated style. + price: 9.99 + image: 072f2cf7-33e8-4c74-9406-2c1fc21b3168.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: b5e00890-da2d-4a3e-8bce-b4ca1a0320dc + current_stock: 10 + name: Stylish Black Stiletto Heels + category: footwear + style: formal + description: Expertly crafted black leather stiletto heels offering sleek elegance + for work or play. Sophisticated pointed-toe pumps with a cushioned insole provide + versatile styling and coveted height for any occasion. + price: 9.99 + image: b5e00890-da2d-4a3e-8bce-b4ca1a0320dc.jpg + gender_affinity: F + where_visible: UI +- id: 77a2a306-b829-4a76-a49a-221c22892b82 + current_stock: 10 + name: Metallic Stilettos for Formal Affairs + category: footwear + style: formal + description: Rose gold stiletto heels featuring a sleek pointed toe and thin 4 inch + heel. Crafted with smooth metallic faux leather uppers and a delicate ankle strap. + Elegant for cocktail parties and formal events. + price: 9.99 + image: 77a2a306-b829-4a76-a49a-221c22892b82.jpg + gender_affinity: F + where_visible: UI +- id: 06716b83-b3dc-45b4-a144-c6dd843db907 + current_stock: 13 + name: Rustic Brogue Oxfords + category: footwear + style: formal + description: Expertly crafted brogue oxfords featuring timeless wingtip styling. + These elegant leather shoes offer unmatched comfort and durability. An essential + addition to any refined gentleman's footwear collection. + price: 9.99 + image: 06716b83-b3dc-45b4-a144-c6dd843db907.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 0dc8e3c4-4556-45fe-a80f-48176777fb83 + current_stock: 7 + name: Bold Neon Pink Formal Shoes + category: footwear + style: formal + description: Make a bold fashion statement with these sleek neon pink leather shoes. + The eye-catching vibrant hue adds feminine flair to any outfit for a stylish look. + price: 9.99 + image: 0dc8e3c4-4556-45fe-a80f-48176777fb83.jpg + gender_affinity: F + where_visible: UI +- id: 8e5ab54b-215a-44aa-b89f-fd5f42b95471 + current_stock: 14 + name: Sleek Black Wedge Heels + category: footwear + style: formal + description: Elevate your style with these sleek black leather wedge heels featuring + an ankle buckle, open toe, and 3-inch wedge. Effortlessly transitions from work + to night out. + price: 9.99 + image: 8e5ab54b-215a-44aa-b89f-fd5f42b95471.jpg + gender_affinity: F + where_visible: UI +- id: 98863ae7-9d5a-4b56-b3e9-3c6c053114e8 + current_stock: 16 + name: Glittery Stiletto Heels for Shining Entrances + category: footwear + style: formal + description: Make an entrance in these dazzling glitter heels! The sleek pointed + toe and tall stiletto heel add height while the faux leather shimmers with an + all-over application of light-catching glitter. Perfect for parties and special + occasions when you want show-stopping style. + price: 9.99 + image: 98863ae7-9d5a-4b56-b3e9-3c6c053114e8.jpg + gender_affinity: F + where_visible: UI +- id: 7397bcf5-06c0-4aee-922f-8d111c10e090 + current_stock: 19 + name: Stylish Strappy Heels for Her + category: footwear + style: formal + description: Step into elegance with these versatile strappy heels. Featuring delicate + straps and a sleek silhouette, these lightweight shoes elevate any look from day + to night. Crafted with care for all-day comfort. + price: 9.99 + image: 7397bcf5-06c0-4aee-922f-8d111c10e090.jpg + gender_affinity: F + where_visible: UI +- id: 5cf1825f-b9e9-4168-a4a7-ac516733417c + current_stock: 19 + name: Stylish Brown Leather Lace-Ups + category: footwear + style: formal + description: Show off sophisticated style in these elegant brown leather lace-up + shoes. Crafted from rich leather with a sleek, polished finish, these versatile + flats elevate any outfit with timeless feminine flair. + price: 9.99 + image: 5cf1825f-b9e9-4168-a4a7-ac516733417c.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: e5e842c6-9d8e-4940-a245-a0f02a5552ad + current_stock: 7 + name: Sleek Black Heels for Elegant Style + category: footwear + style: formal + description: Elevate your style with these sleek black heels featuring a timeless + silhouette. Their versatile design complements both casual and formal wear. Walk + with confidence and elegance in these polished women's shoes. + price: 9.99 + image: e5e842c6-9d8e-4940-a245-a0f02a5552ad.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 9802c245-7bca-4541-b68e-008df7673639 + current_stock: 12 + name: Sleek Tan Leather Lace-Ups + category: footwear + style: formal + description: Expertly crafted tan leather lace-up shoes featuring a sleek and versatile + design, cushioned insole for comfort, and durable outsole to elevate any outfit + from casual to professional with timeless style. + price: 9.99 + image: 9802c245-7bca-4541-b68e-008df7673639.jpg + gender_affinity: F + where_visible: UI +- id: ff1b74e6-a4a8-495a-afe5-bb200014c20b + current_stock: 9 + name: Stylish Black Leather Lace-Ups + category: footwear + style: formal + description: Exquisitely crafted black leather lace-up shoes offering timeless elegance. + Premium materials ensure lasting comfort and versatility for both special events + and everyday wear. A wardrobe essential for any stylish woman. + price: 9.99 + image: ff1b74e6-a4a8-495a-afe5-bb200014c20b.jpg + gender_affinity: F + where_visible: UI +- id: 7e0e0e1f-9798-4f20-843f-df9a1ae2d878 + current_stock: 19 + name: Stylish Crimson Shoes for Women + category: footwear + style: formal + description: Make an elegant entrance in these rich crimson formal shoes. With a + modest heel and durable leather finish, these versatile shoes offer timeless beauty + and unmatched comfort so you can dance the night away in style. + price: 9.99 + image: 7e0e0e1f-9798-4f20-843f-df9a1ae2d878.jpg + gender_affinity: F + where_visible: UI +- id: 096534d1-ec28-4b3d-9b51-7feaa6aa5abc + current_stock: 19 + name: Stylish White Formal Heels + category: footwear + style: formal + description: White Formal Heels - Elevate your style with these sleek and sophisticated + white heels. Expertly crafted for comfort and timeless elegance. + price: 9.99 + image: 096534d1-ec28-4b3d-9b51-7feaa6aa5abc.jpg + gender_affinity: F + where_visible: UI +- id: 4992fa6d-03f3-4e30-9f0e-bff69a4fb67d + current_stock: 16 + name: Sleek Gray Stilettos + category: footwear + style: formal + description: Elevate your style with these sleek and modern light slate gray stiletto + heels. Expertly crafted for comfort and versatility, these heels transition effortlessly + from day to night with their lightweight feel and leg-lengthening 3 inch height. + price: 9.99 + image: 4992fa6d-03f3-4e30-9f0e-bff69a4fb67d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: e428be7e-1558-44d5-8f96-6a7374becfa7 + current_stock: 7 + name: Lavender Peep Toe Heels + category: footwear + style: formal + description: Presenting the Lavender Peep Toe Stiletto Heels - a pair of elegant + lavender high heels featuring a sleek leather upper, peep toe, 3-inch stiletto + heel, and dainty ankle strap with bow. These feminine, sophisticated heels in + vibrant lavender hue are designed for formal events and special occasions. + price: 9.99 + image: e428be7e-1558-44d5-8f96-6a7374becfa7.jpg + gender_affinity: F + where_visible: UI +- id: 9984a34c-7dc6-4126-85a2-597c9c4ed9d3 + current_stock: 6 + name: Red Formal Heels for Special Style + category: footwear + style: formal + description: Red formal shoes offering elegant style for women. Crafted with quality + materials in a timeless silhouette, these vibrant red heels are perfect for special + occasions requiring formalwear. + price: 9.99 + image: 9984a34c-7dc6-4126-85a2-597c9c4ed9d3.jpg + gender_affinity: F + where_visible: UI +- id: 13166277-206b-4838-940c-6a18463dd1ab + current_stock: 17 + name: Purple Thistle Formal Flower Shoes + category: footwear + style: formal + description: Presenting the Thistle Purple Formal Shoes - an elegant, eye-catching + pair featuring rich purple hues reminiscent of thistle flowers. With sleek styling + perfect for both casual and formal wear, these lightweight women's shoes offer + cushioned comfort and sophisticated style to complement any outfit. + price: 9.99 + image: 13166277-206b-4838-940c-6a18463dd1ab.jpg + gender_affinity: F + where_visible: UI +- id: 101e4a54-17d9-4e51-a6fa-53bc5abc141a + current_stock: 7 + name: Stylish Dark Red Leather Shoes + category: footwear + style: formal + description: Stylish and sophisticated, these dark red leather shoes for women combine + timeless elegance with walkable comfort for both work and special events. + price: 9.99 + image: 101e4a54-17d9-4e51-a6fa-53bc5abc141a.jpg + gender_affinity: F + where_visible: UI +- id: 32bc7c48-685e-4029-809e-6cfee53a83e9 + current_stock: 12 + name: Elegant White Stiletto Heels + category: footwear + style: formal + description: Presenting the White Stiletto Heels - a pair of elegant white high + heels that add sophistication to any formal event. Their gleaming white leather + and slim 4-inch stiletto heel offer a polished, feminine aesthetic. A must-have + for any fashionable woman's wardrobe. + price: 9.99 + image: 32bc7c48-685e-4029-809e-6cfee53a83e9.jpg + gender_affinity: F + where_visible: UI +- id: aca9059a-3245-49e2-9578-c5c21e1d1a85 + current_stock: 10 + name: Stylish Blue Suede Heels + category: footwear + style: formal + description: Royal blue suede pointed heels with 3 inch block heel for stability. + Sleek design elongates legs while soft cushioned insoles prevent fatigue. Premium + materials ensure durability and versatile style complements any outfit. + price: 9.99 + image: aca9059a-3245-49e2-9578-c5c21e1d1a85.jpg + gender_affinity: F + where_visible: UI +- id: 56008ed5-8ead-40fa-829f-73eba95b1c03 + current_stock: 10 + name: Stylish Black Formal Heels + category: footwear + style: formal + description: Sleek and stylish, these versatile black heels are designed for comfort + and elegance. The rounded toe and modest heel provide stable support as you walk + with confidence and grace. A wardrobe essential for any fashionable woman. + price: 9.99 + image: 56008ed5-8ead-40fa-829f-73eba95b1c03.jpg + gender_affinity: F + where_visible: UI +- id: 31b83eb4-bd8a-4b5a-87ff-f52abe6aa1f4 + current_stock: 12 + name: Glittery Heels for Glam Nights + category: footwear + style: formal + description: Make an entrance in these dazzling open-toe ankle-strap heels enveloped + in shimmery glitter. With a sleek mid-height heel, these glam shoes elongate your + legs while providing stable comfort for a night out. + price: 9.99 + image: 31b83eb4-bd8a-4b5a-87ff-f52abe6aa1f4.jpg + gender_affinity: F + where_visible: UI +- id: 7aba3399-b868-4dad-a2fd-05c170aa4232 + current_stock: 6 + name: Glam Sparkle Heels + category: footwear + style: formal + description: Elevate your look with these glamorous high heels featuring sparkling + accents on the straps and heels. The perfect pair to add glitz to any outfit for + a special night out. + price: 9.99 + image: 7aba3399-b868-4dad-a2fd-05c170aa4232.jpg + gender_affinity: F + where_visible: UI +- id: 059bd8bd-e3ac-423b-9b2d-0743589ba39b + current_stock: 9 + name: Stylish White Stiletto Heels + category: footwear + style: formal + description: Strut in style with these sleek white leather stilettos. The polished + 4-inch heel and pointed toe create an elegant look perfect for formal events demanding + sophistication. + price: 9.99 + image: 059bd8bd-e3ac-423b-9b2d-0743589ba39b.jpg + gender_affinity: F + where_visible: UI +- id: 36543d2c-e485-4822-9dfa-ee0fc4b2db0e + current_stock: 11 + name: Stylish Black Heels + category: footwear + style: formal + description: Elevate your style with these sleek black heels featuring a timeless, + elegant design and sturdy construction for all-day comfort. The perfect versatile + shoes for work or a night out. + price: 9.99 + image: 36543d2c-e485-4822-9dfa-ee0fc4b2db0e.jpg + gender_affinity: F + where_visible: UI +- id: fb25a396-0a15-4a43-816c-ba79cad09621 + current_stock: 16 + name: Shimmering Formal Heels for Your Special Day + category: footwear + style: formal + description: Shimmering accents adorn these dazzling formal heels, blending glamour + and comfort into one sophisticated yet sturdy pair. Their sleek design and quality + craftsmanship provide versatile styling and reliable support for any special occasion. + price: 9.99 + image: fb25a396-0a15-4a43-816c-ba79cad09621.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 367c7c48-d53c-438b-92ff-900282b2789a + current_stock: 19 + name: Dazzling Glitter Heels Sparkle & Shine + category: footwear + style: formal + description: Make an entrance in these dazzling open-toe ankle-strap heels covered + in shimmery glitter! The mid-height heel offers stability and lift to elongate + your legs for a glamorous, head-turning look. + price: 9.99 + image: 367c7c48-d53c-438b-92ff-900282b2789a.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: f39a1cf9-00cb-4d41-98f2-a429e03dfc73 + current_stock: 14 + name: Glittery Strappy Stiletto Heels + category: footwear + style: formal + description: Make an entrance in these dazzling strappy heels featuring a glittery + exterior with pointed toe and sleek stiletto heel. Feel glamorous and elegant + for formal events when you shine in these show-stopping sparkly shoes. + price: 9.99 + image: f39a1cf9-00cb-4d41-98f2-a429e03dfc73.jpg + gender_affinity: F + where_visible: UI +- id: 94919e8d-b57e-41a1-9f38-967a2eca2b82 + current_stock: 13 + name: Sleek Beige Stilettos + category: footwear + style: formal + description: Sleek and feminine beige leather heels feature a pointed toe and 3-inch + stiletto for elevating any look. The smooth leather uppers and cushioned footbed + provide comfort in these versatile heels perfect for work or a night out. + price: 9.99 + image: 94919e8d-b57e-41a1-9f38-967a2eca2b82.jpg + gender_affinity: F + where_visible: UI +- id: baca6570-15ab-43f8-a610-38a6efa502df + current_stock: 13 + name: Stylish Black Lace-Up Dress Shoes + category: footwear + style: formal + description: Expertly crafted black leather lace-up shoes offering timeless style + and comfort for special events or everyday wear. Their sleek design and premium + materials promise durability to complement any outfit. + price: 9.99 + image: baca6570-15ab-43f8-a610-38a6efa502df.jpg + gender_affinity: F + where_visible: UI +- id: 5ca334e8-5ae0-4935-b797-9b392dd4d0d9 + current_stock: 14 + name: Hot Pink Pumps for Any Occasion + category: footwear + style: formal + description: Presenting our elegant Hot Pink Formal Pumps, featuring a sleek closed-toe + design and modest heel for all-day comfort. Crafted with quality materials in + a vibrant hue, these versatile pumps are perfect for special occasions. A stylish + statement piece for your wardrobe. + price: 9.99 + image: 5ca334e8-5ae0-4935-b797-9b392dd4d0d9.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 038bad45-2da7-40ed-ad24-a18dcf4ae139 + current_stock: 7 + name: Ladies' Sleek Sienna Heels + category: footwear + style: formal + description: Sleek sienna formal shoes for women featuring a pointed toe and modest + heel. Crafted with quality materials for a timeless and sophisticated look, these + versatile shoes are perfect for both professional and formal events. + price: 9.99 + image: 038bad45-2da7-40ed-ad24-a18dcf4ae139.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 6d1e04fb-e960-43c3-9709-d83e19007cda + current_stock: 16 + name: Sleek Stilettos Elevate Any Outfit + category: footwear + style: formal + description: Sleek black stilettos elongate legs with a classic pointed toe and + stiletto heel. Made of premium materials, these versatile heels provide comfort + and support while complementing both professional and formal ensembles. + price: 9.99 + image: 6d1e04fb-e960-43c3-9709-d83e19007cda.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 56d219a5-8175-49f1-ba5f-a820d1804fff + current_stock: 11 + name: Stylish Brown Leather Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather oxfords offering sophistication and + comfort. The polished classic style dresses up any outfit for both professional + and formal occasions. + price: 9.99 + image: 56d219a5-8175-49f1-ba5f-a820d1804fff.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 8a4af646-ffb5-4413-a201-750537e2a318 + current_stock: 11 + name: Sleek Leather Lace-Ups for Work & Play + category: footwear + style: formal + description: Sleek black leather lace-up dress shoes for men, crafted with fine + materials for optimal sophistication and versatility. An elegant essential for + both work and formal occasions. + price: 9.99 + image: 8a4af646-ffb5-4413-a201-750537e2a318.jpg + gender_affinity: M + where_visible: UI +- id: 1951816e-085f-4f7b-8ff4-15b66ee689e7 + current_stock: 8 + name: Sleek Brown Leather Oxfords + category: footwear + style: formal + description: Crafted from rich brown leather, these sleek oxfords feature a timeless + lace-up design and polished finish for sophisticated formal style. Durable rubber + soles ensure lasting comfort. + price: 9.99 + image: 1951816e-085f-4f7b-8ff4-15b66ee689e7.jpg + gender_affinity: M + where_visible: UI +- id: 73b369ae-6772-4375-b0d3-abcf26d55d26 + current_stock: 17 + name: Stylish Brown Wingtip Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather wingtip oxfords offer timeless style. + The sleek lace-up design and brogue detailing make these versatile shoes perfect + for work or special occasions. Soft, comfortable fit with durable leather sole. + price: 9.99 + image: 73b369ae-6772-4375-b0d3-abcf26d55d26.jpg + gender_affinity: M + where_visible: UI +- id: b3ec68c5-b2e4-4c93-bce8-ae7ee0154dea + current_stock: 9 + name: Stylish Brown Wingtip Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather wingtip oxfords offering versatile styling + from casual to formalwear. Timeless lace-up design with comfortable inner lining + and sturdy sole for all-day wear. + price: 9.99 + image: b3ec68c5-b2e4-4c93-bce8-ae7ee0154dea.jpg + gender_affinity: M + where_visible: UI +- id: 4010d654-8125-4552-a97b-c182823f19d2 + current_stock: 10 + name: Stylish Brown Leather Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather oxfords offering a polished, elegant + look. The classic lace-up design and premium full-grain leather provide a comfortable, + durable fit for both professional and formal occasions. + price: 9.99 + image: 4010d654-8125-4552-a97b-c182823f19d2.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 3e1e85cc-1df4-40c6-9b4f-b92807f25477 + current_stock: 14 + name: Rosy Brogues - Sophisticated & Polished + category: footwear + style: formal + description: Introducing the Rosy-Brown Brogue Leather Formal Shoes - a sophisticated + pair of rosy-brown leather lace-up shoes for men. Expertly crafted with quality + leather and intricate brogue detailing, these versatile formal shoes provide durability, + comfort, and polished style for any occasion. + price: 9.99 + image: 3e1e85cc-1df4-40c6-9b4f-b92807f25477.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: e7af1dbd-4ab2-4201-b70f-1a52e4ea9250 + current_stock: 6 + name: Sleek Brown Leather Oxford Shoes + category: footwear + style: formal + description: Introducing our brown leather oxford shoes - a timeless classic for + the modern gentleman. Crafted from rich leather with intricate stitching, these + sleek lace-up shoes offer lasting comfort and polished style for work or formal + occasions. Step into sophistication. + price: 9.99 + image: e7af1dbd-4ab2-4201-b70f-1a52e4ea9250.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: e1105a38-cf8f-4bbf-a1de-968b94b22b80 + current_stock: 15 + name: Sleek Brown Leather Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather oxfords offering timeless style. The + sleek lace-up design and durable rubber sole provide versatility for work or formal + events. Made with full-grain leather for a polished look and comfortable fit. + price: 9.99 + image: e1105a38-cf8f-4bbf-a1de-968b94b22b80.jpg + gender_affinity: M + where_visible: UI +- id: 58e30b36-a90a-44e6-8d3c-7e613106e492 + current_stock: 17 + name: Rugged Brogues for Timeless Style + category: footwear + style: formal + description: Saddle Brown Brogue Oxfords - Sophisticated yet rugged men's formal + lace-up leather shoes. The rich brown leather upper and intricate brogue detailing + exude timeless style and quality craftsmanship for both work and formal events. + price: 9.99 + image: 58e30b36-a90a-44e6-8d3c-7e613106e492.jpg + gender_affinity: M + where_visible: UI +- id: dad134d8-f23d-4af7-87b9-a23462f8a3a4 + current_stock: 18 + name: Tan Oxfords With Punchy Style + category: footwear + style: formal + description: Expertly crafted tan leather oxfords offering timeless style and comfort. + The supple full-grain leather has a polished finish, lace-up design, and subtle + punched toe detailing. A versatile shoe suited for both formal and business casual + attire. + price: 9.99 + image: dad134d8-f23d-4af7-87b9-a23462f8a3a4.jpg + gender_affinity: M + where_visible: UI +- id: f468ce19-e359-438a-8141-8efef422a392 + current_stock: 6 + name: Sleek Black Leather Lace-Up Shoes + category: footwear + style: formal + description: Crafted from smooth, genuine leather, these sleek black lace-up shoes + are a timeless, versatile addition to your professional wardrobe. Their classic + style pairs perfectly with suits and trousers for a sophisticated look. + price: 9.99 + image: f468ce19-e359-438a-8141-8efef422a392.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 139fe0ab-605f-4710-9268-2f9baef56947 + current_stock: 18 + name: Rugged Brogue Oxfords + category: footwear + style: formal + description: Saddle Brown Brogue Oxfords - Exquisite handcrafted leather oxfords + featuring intricate brogue detailing and a sleek lace-up design. Distinguished + yet rugged for work or formal events. + price: 9.99 + image: 139fe0ab-605f-4710-9268-2f9baef56947.jpg + gender_affinity: M + where_visible: UI +- id: 16b82c88-5a5b-4ed6-b136-6969fae2c280 + current_stock: 8 + name: Stylish Two-Tone Formal Shoes + category: footwear + style: formal + description: Stylish two-tone beige and black leather lace-up shoes for men. Crafted + from premium materials with sleek professional design. Perfect for pairing with + suits or dress pants for a polished, sophisticated look. + price: 9.99 + image: 16b82c88-5a5b-4ed6-b136-6969fae2c280.jpg + gender_affinity: M + where_visible: UI +- id: d67133ab-0d9d-4de5-b68e-56416fa8d82a + current_stock: 6 + name: Stylish Black Leather Dress Shoes + category: footwear + style: formal + description: Stylish and timeless, these sleek black genuine leather lace-up dress + shoes for men offer sophisticated elegance for formal and business wear. Quality + materials ensure durability and comfort in an essential, versatile wardrobe addition. + price: 9.99 + image: d67133ab-0d9d-4de5-b68e-56416fa8d82a.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 23226ca8-a535-4dd6-a7a8-a68c0200d2a3 + current_stock: 14 + name: Sleek Brown Leather Oxfords + category: footwear + style: formal + description: These sleek brown leather oxfords are crafted from high-quality materials + with a timeless lace-up design, offering versatile formal style and all-day comfort + for the refined gentleman. + price: 9.99 + image: 23226ca8-a535-4dd6-a7a8-a68c0200d2a3.jpg + gender_affinity: M + where_visible: UI +- id: 47134a61-d2cb-45f9-8016-7a1063250cce + current_stock: 8 + name: Sleek Brown Leather Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather oxfords offering timeless style. The + polished leather upper and rubber sole provide durability and traction. A versatile + classic suitable for both professional and formal wear. + price: 9.99 + image: 47134a61-d2cb-45f9-8016-7a1063250cce.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 492bbb4d-5f25-44be-b0d4-1a9c8ed0ed02 + current_stock: 15 + name: Sleek Brown Leather Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather oxfords offering timeless style and + sophisticated polish. The perfect versatile shoes for work or play with durable + leather construction, a classic lace-up design, and sleek formal aesthetic. + price: 9.99 + image: 492bbb4d-5f25-44be-b0d4-1a9c8ed0ed02.jpg + gender_affinity: M + where_visible: UI +- id: bcf8e7ab-0886-4892-8756-d8e30d3f452f + current_stock: 7 + name: Rustic Brogue Oxfords for Men + category: footwear + style: formal + description: Introducing our new Saddle Brown Brogue Oxfords - premium leather shoes + with intricate detailing for sophisticated style. Designed for comfort and versatility + from workwear to formalwear. An elegant essential for the modern gentleman's wardrobe. + price: 9.99 + image: bcf8e7ab-0886-4892-8756-d8e30d3f452f.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 2c20c3cd-3aa7-4882-a621-32c38fb20294 + current_stock: 9 + name: Dapper Brown Oxfords + category: footwear + style: formal + description: Make a polished impression with these classic brown leather oxford + shoes. Crafted from premium materials, these sleek lace-up shoes offer timeless + style and long-lasting comfort for the modern businessman. + price: 9.99 + image: 2c20c3cd-3aa7-4882-a621-32c38fb20294.jpg + gender_affinity: M + where_visible: UI +- id: 8d9a2cf8-b8fc-40c6-a5a4-cec5a729deed + current_stock: 12 + name: Sleek Brown Leather Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather oxfords offering timeless style. Their + sleek lace-up design and durable construction make these versatile formal shoes + perfect for work or events. + price: 9.99 + image: 8d9a2cf8-b8fc-40c6-a5a4-cec5a729deed.jpg + gender_affinity: M + where_visible: UI +- id: e3be2ea9-6d88-43be-aa1b-9d498c67ce26 + current_stock: 7 + name: Vintage Brown Leather Oxfords + category: footwear + style: formal + description: Expertly crafted brown leather oxfords offering timeless sophistication. + The sleek silhouette and intricate details make these versatile shoes perfect + for both special events and everyday wear. + price: 9.99 + image: e3be2ea9-6d88-43be-aa1b-9d498c67ce26.jpg + gender_affinity: M + where_visible: UI +- id: 26764fc3-fd95-412b-b146-494b36689857 + current_stock: 11 + name: Stylish Green Brogue Oxfords + category: footwear + style: formal + description: Introducing our stylish Dark Green Brogue Oxfords - a sleek pair of + green leather dress shoes for men. Featuring a classic lace-up design with intricate + brogue detailing, these formal shoes add sophisticated style to any outfit. Crafted + for comfort with a textured sole. + price: 9.99 + image: 26764fc3-fd95-412b-b146-494b36689857.jpg + gender_affinity: M + where_visible: UI +- id: b4434b3e-2261-4e9f-a93d-74b89626d59f + current_stock: 11 + name: Stylish Black Leather Dress Shoes + category: footwear + style: formal + description: Expertly crafted black leather lace-up dress shoes offering sophisticated + style. The sleek formal design pairs perfectly with suits for both day and evening + wear. + price: 9.99 + image: b4434b3e-2261-4e9f-a93d-74b89626d59f.jpg + gender_affinity: M + where_visible: UI +- id: ba131f5c-e3c7-4617-acbd-22c561c7cf97 + current_stock: 15 + name: Stylish Brown Wingtip Oxfords + category: footwear + style: formal + description: Brown wingtip oxfords in premium leather with elegant brogue detailing. + A timeless and versatile style for the sophisticated gentleman. Crafted for durability, + these polished wingtips add a touch of elegance to any formal occasion. + price: 9.99 + image: ba131f5c-e3c7-4617-acbd-22c561c7cf97.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: dff3f75f-838d-4b4d-9c7c-cee7ae2aac10 + current_stock: 13 + name: Brown Leather Oxfords - Sleek & Polished + category: footwear + style: formal + description: Sleek brown leather oxford shoes featuring classic lace-up design and + elegant punched toe detailing. Versatile formal footwear with durable full-grain + leather upper, breathable lining, and shock-absorbing rubber sole for all-day + comfort. The perfect polished look for any professional. + price: 9.99 + image: dff3f75f-838d-4b4d-9c7c-cee7ae2aac10.jpg + gender_affinity: M + where_visible: UI +- id: ab933e15-631e-4158-b534-a29e451006c8 + current_stock: 6 + name: Stylish Gray Leather Shoes + category: footwear + style: formal + description: Presenting the sleek, sophisticated Light Gray Leather Dress Shoes + - effortlessly stylish men's formal footwear crafted from premium leather with + a durable rubber sole. Refined yet versatile, these lightweight neutral shoes + complement any smart or casual outfit for work and play. + price: 9.99 + image: ab933e15-631e-4158-b534-a29e451006c8.jpg + gender_affinity: M + where_visible: UI +- id: cfd9119f-ee29-4bc5-a08d-a58f471e7c73 + current_stock: 7 + name: Stylish Black Leather Dress Shoes + category: footwear + style: formal + description: Sleek black leather lace-up dress shoes for men. Versatile formal footwear + for both daytime and evening wear. Timeless style pairs well with suits and business + casual outfits for a sophisticated look. Well-constructed using quality materials + for durability. + price: 9.99 + image: cfd9119f-ee29-4bc5-a08d-a58f471e7c73.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: f364e438-a80c-4aba-af36-388fc908be18 + current_stock: 18 + name: Sleek Brown Brogue Oxfords + category: footwear + style: formal + description: Classic brogue oxfords in rich saddle brown leather. Sleek lace-up + style with intricate detailing for a sophisticated and stylish look. Durable, + comfortable leather ensures all-day wear. The perfect versatile shoes to complete + any smart casual or formal outfit. + price: 9.99 + image: f364e438-a80c-4aba-af36-388fc908be18.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: b958399d-8f7a-4bdf-963d-2f4b8528a539 + current_stock: 8 + name: Sleek Saddle Brown Brogue Oxfords + category: footwear + style: formal + description: Introducing our handsome Saddle Brown Brogue Oxfords - crafted from + rich, full-grain leather with intricate brogue detailing. These versatile lace-up + shoes offer sleek style and all-day comfort, perfect for completing formal or + business casual looks. A timeless addition to any modern gentleman's wardrobe. + price: 9.99 + image: b958399d-8f7a-4bdf-963d-2f4b8528a539.jpg + gender_affinity: M + where_visible: UI +- id: 53c51962-3546-4c9c-b88e-fe287c94782f + current_stock: 6 + name: Stylish Black Leather Dress Shoes + category: footwear + style: formal + description: Expertly crafted black leather lace-up dress shoes offering timeless + style and sophistication for today's modern gentleman. Durable, comfortable leather + uppers and quality construction ensure all-day wear. + price: 9.99 + image: 53c51962-3546-4c9c-b88e-fe287c94782f.jpg + gender_affinity: M + where_visible: UI +- id: 1189fb9f-1d8c-4293-9667-ea0a03b00440 + current_stock: 19 + name: Stylish Black Leather Lace-Ups + category: footwear + style: formal + description: Expertly crafted black leather lace-up dress shoes offering timeless + style and sophistication. The sleek formal design and durable leather construction + make these versatile shoes perfect for both work and formal events. + price: 9.99 + image: 1189fb9f-1d8c-4293-9667-ea0a03b00440.jpg + gender_affinity: M + where_visible: UI +- id: 2c2e1e52-2704-4f6c-9f43-43c6354d33ca + current_stock: 10 + name: Stylish Maroon Leather Brogues + category: footwear + style: formal + description: Presenting the Maroon Leather Oxfords - a refined pair of full-grain + leather shoes sporting a sleek brogue design. Expertly crafted for optimum comfort + and durable wear, these versatile oxfords add bold sophistication to any formal + or professional attire. Their rich maroon color and premium leather quality make + a polished statement. + price: 9.99 + image: 2c2e1e52-2704-4f6c-9f43-43c6354d33ca.jpg + gender_affinity: M + where_visible: UI +- id: 79547d73-7092-48cb-98c4-f6024594d115 + current_stock: 13 + name: Fun Flirty Sandals + category: footwear + style: sandals + description: Make a fashion statement with these sassy women's sandals, featuring + a fun and flirty design perfect for sunny days. Their lightweight straps and breathable + material provide comfort for all-day summer wear. + price: 9.99 + image: 79547d73-7092-48cb-98c4-f6024594d115.jpg + gender_affinity: F + where_visible: UI +- id: ec81f2e5-2ffb-4b28-8b88-7c70a5db0cef + current_stock: 19 + name: Stylish Sandals for Summer Fun + category: footwear + style: sandals + description: Make a stylish splash this summer with these chic and comfortable Hip + Sandals. Featuring a sleek open toe design, gently contoured footbed, and durable + rubber outsole, these trendy sandals keep you looking fabulously fashionable all + season long. + price: 9.99 + image: ec81f2e5-2ffb-4b28-8b88-7c70a5db0cef.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 9256691b-aafe-4771-8759-0a52dc29d819 + current_stock: 19 + name: Bold Summer Sandals for Edgy Style + category: footwear + style: sandals + description: Make a bold fashion statement with these lightweight, open-toe Edgy + Sandals. Their eye-catching silhouette and vibrant design complement any summer + outfit, keeping your feet cool and stylish for all your warm weather adventures. + price: 9.99 + image: 9256691b-aafe-4771-8759-0a52dc29d819.jpg + gender_affinity: F + where_visible: UI +- id: 65e1842f-0cbf-4a8a-a30e-b5de1e2b6bcd + current_stock: 7 + name: Comfy Chic Sandals + category: footwear + style: sandals + description: Turn heads in these sleek and stylish Supercool Sandals! Their lightweight + and breathable design provides all-day comfort, while the subtle touch of glamour + elevates any summer look. + price: 9.99 + image: 65e1842f-0cbf-4a8a-a30e-b5de1e2b6bcd.jpg + gender_affinity: F + where_visible: UI +- id: 9564165e-606b-469e-a198-69c3d465e082 + current_stock: 16 + name: Comfy Slip-On Sandals + category: footwear + style: sandals + description: Elevate your warm weather style with these effortlessly chic and lightweight + slip-on sandals. Featuring a cushioned footbed and sleek straps, they provide + all-day comfort with fashion-forward elegance. + price: 9.99 + image: 9564165e-606b-469e-a198-69c3d465e082.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 5cb18925-3a3c-4867-8f1c-46efd7eba067 + current_stock: 14 + name: Spiffy Sandals for Summer Fun + category: footwear + style: sandals + description: Make a fashion statement this summer with the Spiffy Summer Sandals! + Featuring a fun and eye-catching design, these lightweight women's sandals allow + your feet to breathe while providing cushioning and support for all-day wear. + price: 9.99 + image: 5cb18925-3a3c-4867-8f1c-46efd7eba067.jpg + gender_affinity: F + where_visible: UI +- id: 32f7056c-6a02-4704-a6ae-cb45877791b7 + current_stock: 11 + name: Stylish Leather Sandals for Her + category: footwear + style: sandals + description: Style and comfort meet in these versatile leather sandals, featuring + a sleek strappy design, soft cushioned soles, and quality construction for all-day + wear. The perfect warm weather shoe to dress up or down effortlessly. + price: 9.99 + image: 32f7056c-6a02-4704-a6ae-cb45877791b7.jpg + gender_affinity: F + where_visible: UI +- id: a4e927f7-53bb-4f85-9284-26d150330d59 + current_stock: 17 + name: Stylish Leather Sandals for Summer + category: footwear + style: sandals + description: Crafted from sumptuous leather, our Ultrachic sandals are the perfect + elegant and versatile summer shoe. Featuring chic slim straps and a subtle heel, + these open-toed sandals will elevate any warm weather outfit with sophistication + and style. + price: 9.99 + image: a4e927f7-53bb-4f85-9284-26d150330d59.jpg + gender_affinity: F + where_visible: UI +- id: 3f3b3c2d-b2ca-450f-9280-98f29b3371d5 + current_stock: 17 + name: Stylish Summer Sandals for Her + category: footwear + style: sandals + description: Make a stylish statement this summer with these fashionable women's + sandals! Featuring a lightweight open design, footbed cushioning, and eye-catching + colors, these versatile sandals are perfect for both daytime and evening wear. + price: 9.99 + image: 3f3b3c2d-b2ca-450f-9280-98f29b3371d5.jpg + gender_affinity: F + where_visible: UI +- id: 700914b6-ae23-4e10-9329-896ba6526ce4 + current_stock: 17 + name: Stylish Sandals for Summer Fun + category: footwear + style: sandals + description: Elevate your summer style with these modish and elegant women's sandals. + Featuring a sleek, fashionable design, these chic sandals promise all-day comfort + and head-turning flair. The perfect footwear choice for warm weather ensembles. + price: 9.99 + image: 700914b6-ae23-4e10-9329-896ba6526ce4.jpg + gender_affinity: F + where_visible: UI +- id: e850acc3-3cb1-499b-bea9-fd495d4c56ca + current_stock: 16 + name: Stylish Open-Toe Sandals for Summer + category: footwear + style: sandals + description: Presenting the Swanky Open-Toe Sandals - an elegant and stylish pair + of women's sandals that will elevate your summer looks. Crafted with quality materials + in a chic open-toe design, these lightweight sandals offer comfort and versatility + for both daytime and evening wear. Add a touch of glamour to your wardrobe with + these fashionable yet affordable sandals. + price: 9.99 + image: e850acc3-3cb1-499b-bea9-fd495d4c56ca.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 494d3480-3c7d-448e-8d3b-834b06fff156 + current_stock: 10 + name: Fun Floral Sandals + category: footwear + style: sandals + description: Slip into style and comfort with the Spiffy Summer Sandals. This fashionable + pair features a fun design and breathable open construction perfect for keeping + your feet cool during warm weather outings. + price: 9.99 + image: 494d3480-3c7d-448e-8d3b-834b06fff156.jpg + gender_affinity: F + where_visible: UI +- id: 7ebde00c-9738-42af-9d28-1a20e1619611 + current_stock: 18 + name: Stylish Square-Toe Sandals for Women + category: footwear + style: sandals + description: Introducing the Swanky Square-Toe Sandals - a chic and comfortable + pair of sandals featuring a fashionable square toe design. Crafted with quality + materials, these lightweight sandals provide exceptional support and elevate any + outfit with their sleek silhouette and subtle embellishments. The perfect versatile + sandals for women. + price: 9.99 + image: 7ebde00c-9738-42af-9d28-1a20e1619611.jpg + gender_affinity: F + where_visible: UI +- id: f15ccac9-1057-4c0e-b06c-d52c853723e3 + current_stock: 9 + name: Chic Arch-Support Sandals for Effortless Style + category: footwear + style: sandals + description: Chic, minimalist leather sandals with contoured footbed for arch support. + Ultra-lightweight and tractioned rubber sole for effortless summer style. + price: 9.99 + image: f15ccac9-1057-4c0e-b06c-d52c853723e3.jpg + gender_affinity: F + where_visible: UI +- id: 9a393431-2a27-4bb5-97fd-74ab904cec03 + current_stock: 6 + name: Trendy Strappy Sandals for Stylish Comfort + category: footwear + style: sandals + description: Elevate your summer style with these chic and modern strappy sandals! + Featuring a sleek neutral design and comfortable contoured footbed, these fashionable + sandals are perfect for dressing up or down. Effortlessly transition from day + to night in trendy comfort and style. + price: 9.99 + image: 9a393431-2a27-4bb5-97fd-74ab904cec03.jpg + gender_affinity: F + where_visible: UI +- id: bbd547fb-f10a-4cce-adbc-9f72631330ac + current_stock: 16 + name: Comfy Stylish Sandals for Her + category: footwear + style: sandals + description: Style and comfort come together in these supercool women's sandals, + featuring a sleek, lightweight design with soft footbed and durable straps for + the perfect summer footwear. + price: 9.99 + image: bbd547fb-f10a-4cce-adbc-9f72631330ac.jpg + gender_affinity: F + where_visible: UI +- id: 0bb3928f-adff-452e-97d8-b199b14d134f + current_stock: 16 + name: Comfy Summer Sandals for Men + category: footwear + style: sandals + description: Style and comfort meet in these lightweight men's sandals featuring + a contoured footbed and durable straps. The breathable design keeps feet cool + while the hip styling adds fashionable flair for casual summer wear. + price: 9.99 + image: 0bb3928f-adff-452e-97d8-b199b14d134f.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a7015a02-8d80-4c1a-b5c9-e4be85b32c3b + current_stock: 15 + name: Breathable Men's Summer Sandals + category: footwear + style: sandals + description: Make a stylish statement with the Ultracool Men's Breathable Sandals + - sleek, lightweight and optimized for comfort, these modern sandals keep feet + cool and dry while complementing any laidback summer look. + price: 9.99 + image: a7015a02-8d80-4c1a-b5c9-e4be85b32c3b.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: b46e1a7f-6df6-42ab-a464-101078f00e11 + current_stock: 18 + name: Breezy Men's Slip-On Sandals + category: footwear + style: sandals + description: Make a fashion statement this summer with our breezy men's slip-on + sandals, featuring a stylish open design for airy comfort during hot weather adventures. + price: 9.99 + image: b46e1a7f-6df6-42ab-a464-101078f00e11.jpg + gender_affinity: M + where_visible: UI +- id: 85c80e2b-5eff-4307-9900-1d4395672eb2 + current_stock: 7 + name: Comfy Leather Men's Sandals + category: footwear + style: sandals + description: Style and comfort meet in these ultracool men's leather sandals, featuring + a casual design with adjustable straps for a secure fit and lightweight soles + to keep you cool all summer long. + price: 9.99 + image: 85c80e2b-5eff-4307-9900-1d4395672eb2.jpg + gender_affinity: M + where_visible: UI +- id: b51bd298-43b7-49e2-852d-de8c1aff6724 + current_stock: 18 + name: Groovy Men's Summer Sandals + category: footwear + style: sandals + description: Step into summer with these groovy and stylish men's sandals! Crafted + for comfort and versatility, these soft leather sandals feature a contoured footbed + and textured rubber sole for traction. Perfect for casual wear, they'll keep you + cool wherever your warm weather adventures take you. + price: 9.99 + image: b51bd298-43b7-49e2-852d-de8c1aff6724.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 6b93d149-38a1-459b-8ef5-01490f14cb48 + current_stock: 8 + name: Stylish Sandals for Supercool Summer Fun + category: footwear + style: sandals + description: Sport a supercool look with these stylish and lightweight men's sandals! + Their durable design provides a secure fit for versatile summer wear. + price: 9.99 + image: 6b93d149-38a1-459b-8ef5-01490f14cb48.jpg + gender_affinity: M + where_visible: UI +- id: c50abd81-e526-45b8-aca8-296abf01699a + current_stock: 11 + name: Men's Slip-On Sandals for Summer Style + category: footwear + style: sandals + description: Slip into summer with these effortlessly stylish men's sandals! Featuring + an open-toe design and adjustable straps for a custom fit, these lightweight sandals + have a cushioned footbed and durable rubber sole for all-day comfort. The perfect + versatile footwear for beating the heat in relaxed style. + price: 9.99 + image: c50abd81-e526-45b8-aca8-296abf01699a.jpg + gender_affinity: M + where_visible: UI +- id: 9982cfe0-50bc-4e9f-ac2f-aa25e876035a + current_stock: 10 + name: Groovy Men's Strappy Sandals + category: footwear + style: sandals + description: Step into summer with these sleek, strappy sandals. Crafted from soft + leather with a contoured footbed, these casual sandals provide cushioning and + traction for stylish all-day comfort. + price: 9.99 + image: 9982cfe0-50bc-4e9f-ac2f-aa25e876035a.jpg + gender_affinity: M + where_visible: UI +- id: 42e45568-7020-4bd3-983d-5c30f454c089 + current_stock: 8 + name: Breezy Summer Sandals for Him + category: footwear + style: sandals + description: Our stylish, lightweight men's Hip Sandals keep your feet cool and + comfortable all summer long. With an on-trend open toe design, versatile wearability, + and traction sole, these easy slip-on sandals elevate any outfit for the season. + price: 9.99 + image: 42e45568-7020-4bd3-983d-5c30f454c089.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 34ef7f57-ed89-4708-809b-fe6ba43c5af0 + current_stock: 19 + name: Groovy Men's Beach Sandals + category: footwear + style: sandals + description: Groovy sandals for men with comfortable leather straps, contoured cushioned + footbed, and durable rubber sole. These breathable open-toed sandals provide stylish + summer style, secure fit, and traction for beach days and casual wear. + price: 9.99 + image: 34ef7f57-ed89-4708-809b-fe6ba43c5af0.jpg + gender_affinity: M + where_visible: UI +- id: b7e41a09-36da-4ed1-9f91-a517437bec7f + current_stock: 16 + name: Stylish Leather Sandals for Summer + category: footwear + style: sandals + description: Expertly crafted leather sandals offering casual summer style with + open-toe design, durable straps, and contoured footbed for arch support and shock + absorption. The perfect versatile footwear for effortless warm-weather fashion. + price: 9.99 + image: b7e41a09-36da-4ed1-9f91-a517437bec7f.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a8234c1a-de42-4e7a-93fb-105a1c28a6a0 + current_stock: 6 + name: Stylish Leather Sandals for Men + category: footwear + style: sandals + description: Expertly crafted leather sandals offering sophisticated style and all-day + comfort. The open-toe design and contoured footbed provide a secure yet breathable + fit, perfect for both casual and smart casual outfits. + price: 9.99 + image: a8234c1a-de42-4e7a-93fb-105a1c28a6a0.jpg + gender_affinity: M + where_visible: UI +- id: 254ade27-c83e-4359-b8a6-2721a6257817 + current_stock: 8 + name: Breezy Men's Sandals for Summer Fun + category: footwear + style: sandals + description: Step into summer with these supercool and stylish men's sandals! Their + lightweight yet durable design provides maximum comfort and support for all-day + wear, while the breathable straps prevent chafing. Perfect for casual and smart + casual summer outfits. + price: 9.99 + image: 254ade27-c83e-4359-b8a6-2721a6257817.jpg + gender_affinity: M + where_visible: UI +- id: 10a4840b-ecaa-477d-bdba-332d4f2c6f36 + current_stock: 18 + name: Ultracool Leather Sandals for Summer + category: footwear + style: sandals + description: Expertly crafted for exceptional comfort, these stylish leather sandals + keep feet cool while providing cushioned support. The ultracool design and lightweight + feel make them perfect for all-day summer wear. + price: 9.99 + image: 10a4840b-ecaa-477d-bdba-332d4f2c6f36.jpg + gender_affinity: M + where_visible: UI +- id: dbaca5e0-48e9-41d5-8c8a-4a9ff1aebdc7 + current_stock: 12 + name: Comfy Leather Sandals for Men + category: footwear + style: sandals + description: Expertly crafted men's leather sandals offering sophisticated style + and supreme comfort. Slip into these open-toe sandals and feel the soft leather + straps and cushioned soles pamper your feet on hot summer days. + price: 9.99 + image: dbaca5e0-48e9-41d5-8c8a-4a9ff1aebdc7.jpg + gender_affinity: M + where_visible: UI +- id: 2da1845a-7577-4103-872f-f9df131441e9 + current_stock: 9 + name: Trendy White Leather Sneakers + category: footwear + style: sneaker + description: Step out in sporty-chic style with these soft leather sneakers. Their + clean white look pairs effortlessly while quality construction promises all-day + comfort on your neighborhood adventures. + price: 191.99 + image: 2da1845a-7577-4103-872f-f9df131441e9.jpg + gender_affinity: F + where_visible: UI +- id: b4d4716e-27e6-4745-9c16-bc80aa194554 + current_stock: 8 + name: Stylish Steel Blue Canvas Sneakers + category: footwear + style: sneaker + description: Make a stylish statement with these eye-catching light steel blue canvas + sneakers. Their sleek, lightweight design and breathable construction keep your + feet comfortable as you explore the urban landscape in trendy comfort. + price: 77.99 + image: b4d4716e-27e6-4745-9c16-bc80aa194554.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 06acd586-2c90-486f-9a26-75ce1205e25f + current_stock: 16 + name: Adventure in Pink Sneakers + category: footwear + style: sneaker + description: Make every outdoor adventure more stylish with these comfortable and + durable pink sneakers! The breathable mesh and cushioned design provides all-day + comfort, while the grippy tread offers excellent traction on diverse terrain. + price: 187.99 + image: 06acd586-2c90-486f-9a26-75ce1205e25f.jpg + gender_affinity: F + where_visible: UI +- id: 1ea9439f-dff5-41cf-aac3-718a6b4e7af6 + current_stock: 19 + name: Trendy White Leather Sneakers + category: footwear + style: sneaker + description: Step out in style with these fashionable white leather sneakers. Their + clean, versatile design features intricate stitching and a textured rubber sole + for all-day comfort and visual flair. + price: 77.99 + image: 1ea9439f-dff5-41cf-aac3-718a6b4e7af6.jpg + gender_affinity: F + where_visible: UI +- id: d2b346a1-b4a6-418a-a568-0b94f09b5f26 + current_stock: 17 + name: Trendy Blue Sneakers for City Nights + category: footwear + style: sneaker + description: Trendy midnight blue canvas sneakers with durable rubber soles offer + urban exploration style. Travel in comfort and sleek style with these quality + sneakers made for city adventures and atmospheric nights filled with possibility. + price: 234.99 + image: d2b346a1-b4a6-418a-a568-0b94f09b5f26.jpg + gender_affinity: F + where_visible: UI +- id: fee00f2f-e2cf-466f-86e9-f67d0c1ec26c + current_stock: 10 + name: Colorful Sneakers for Fashionable Feet + category: footwear + style: sneaker + description: Make a bold fashion statement with these eye-catching pink and green + sneakers. Their sleek, athletic silhouette combines vibrant colorblocking and + sporty style for versatile, ultrachic comfort. + price: 68.99 + image: fee00f2f-e2cf-466f-86e9-f67d0c1ec26c.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 22552eb1-57f1-4fa3-a93a-a9fa22851f9f + featured: true + current_stock: 18 + name: Bold Red Sneakers for All-Day Comfort + category: footwear + style: sneaker + description: Make a bold fashion statement with these edgy red sneakers. Their sleek + exterior and durable rubber soles provide all-day comfort for casual wear. Look + cool while running errands or taking a leisurely stroll around the neighborhood. + price: 58.99 + image: 22552eb1-57f1-4fa3-a93a-a9fa22851f9f.jpg + gender_affinity: F + where_visible: UI +- id: 0b7cbd19-b968-47c5-87c8-e0f34b001e6e + current_stock: 10 + name: Lightblue Casual Everyday Walking Sneakers + category: footwear + style: sneaker + description: Style and comfort meet in these vivid blue sneakers, offering a trendy + yet laidback look perfect for leisurely walks around the neighborhood. + price: 53.99 + image: 0b7cbd19-b968-47c5-87c8-e0f34b001e6e.jpg + gender_affinity: F + where_visible: UI +- id: b2aabf67-2558-4d39-a4b9-c3aed28e2262 + current_stock: 8 + name: Urban Lace-Ups in Dove Gray + category: footwear + style: sneaker + description: Step out in effortless urban style with these breathable pale gray + canvas sneakers, featuring a lace-up design, cushioned insoles, and flexible rubber + soles to keep you comfortable all day long. + price: 86.99 + image: b2aabf67-2558-4d39-a4b9-c3aed28e2262.jpg + gender_affinity: F + where_visible: UI +- id: 31efcfea-47d6-43f3-97f7-2704a5397e22 + current_stock: 19 + name: Minimalist Sneakers for Everyday Style + category: footwear + style: sneaker + description: Slip into effortless urban style with these minimalist Gainsboro canvas + sneakers. Their lightweight construction and cushioned insole provide all-day + comfort, while the textured rubber outsole ensures reliable traction on city streets. + price: 209.99 + image: 31efcfea-47d6-43f3-97f7-2704a5397e22.jpg + gender_affinity: F + where_visible: UI +- id: dcf8a704-e158-4d3f-85eb-f72c8200ae7c + current_stock: 16 + name: Comfy Canvas Sneakers + category: footwear + style: sneaker + description: Step out in sporty style with the Gainsboro Canvas Sneakers! These + breathable low-top sneakers feature a lace-up design and padded collar for a secure, + comfy fit. The durable canvas upper and traction rubber sole ensure these versatile + kicks can go the distance. + price: 49.99 + image: dcf8a704-e158-4d3f-85eb-f72c8200ae7c.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: b40ff760-cc65-40a4-af7c-4a57282b2b16 + current_stock: 6 + name: Comfy Powder Blue Sneakers + category: footwear + style: sneaker + description: Step into effortless style with these trendy powder blue sneakers from + Brand. Featuring a breathable mesh upper, cushioned midsole, and grippy rubber + outsole, these casual kicks offer feminine flair and versatile wearability for + any occasion. + price: 149.99 + image: b40ff760-cc65-40a4-af7c-4a57282b2b16.jpg + gender_affinity: F + where_visible: UI +- id: c09f5f3b-d1ab-4cb0-8171-d7d3365915bd + current_stock: 15 + name: Trendy Gray Sneakers + category: footwear + style: sneaker + description: Trendy, versatile gray canvas sneakers with thick rubber soles and + padded ankle support. These stylish yet functional sneakers effortlessly complement + casual outfits with their laidback street style vibe. + price: 180.99 + image: c09f5f3b-d1ab-4cb0-8171-d7d3365915bd.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 336ab80b-95c7-4290-97cb-f4d7744cc26e + current_stock: 13 + name: Stylish Light Gray Sneakers + category: footwear + style: sneaker + description: Step into effortless casual style with these sleek, minimalist light + gray leather sneakers. Their versatile design pairs perfectly with any outfit + while providing superior comfort. + price: 52.99 + image: 336ab80b-95c7-4290-97cb-f4d7744cc26e.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: f9339b98-c08c-4264-8239-804abdb54eb0 + current_stock: 17 + name: Comfy Gray Sneakers + category: footwear + style: sneaker + description: Step out in sporty style with these versatile pale gray canvas sneakers. + Their lightweight build and soft textile lining offer all-day comfort, while the + classic lace-up design provides a sophisticated look perfect for casual wear. + price: 69.99 + image: f9339b98-c08c-4264-8239-804abdb54eb0.jpg + gender_affinity: F + where_visible: UI +- id: d905224e-a5e2-4405-adbe-759c4b8cfd58 + current_stock: 14 + name: Bold Red Sneakers for City Strolls + category: footwear + style: sneaker + description: Bold, sleek red sneakers with breathable mesh uppers and flexible rubber + soles provide stylish comfort for long city strolls. An athletic, fashion-forward + choice for the urban pedestrian. + price: 143.99 + image: d905224e-a5e2-4405-adbe-759c4b8cfd58.jpg + gender_affinity: F + where_visible: UI +- id: 54158f12-a839-466b-afbc-7c8788c9fd85 + current_stock: 16 + name: Comfy Firebrick Sneakers + category: footwear + style: sneaker + description: Step into comfort and style with these versatile firebrick canvas sneakers. + Breathable and cushioned, they provide lasting support for all your daily adventures. + price: 160.99 + image: 54158f12-a839-466b-afbc-7c8788c9fd85.jpg + gender_affinity: M + where_visible: UI +- id: 80939475-9029-41f4-a178-f34ba9d5942b + current_stock: 11 + name: Vibrant Green Casual Sneakers + category: footwear + style: sneaker + description: Make a vibrant statement with these eye-catching green sneakers! Their + sporty style and durable construction allow for urban adventure while their playful + color adds youthful flair. + price: 142.99 + image: 80939475-9029-41f4-a178-f34ba9d5942b.jpg + gender_affinity: M + where_visible: UI +- id: 7386b378-a79d-42c6-9193-6d82992d8dba + current_stock: 15 + name: Slate Gray Lace-Up Sneakers + category: footwear + style: sneaker + description: Rugged yet refined, these dark gray canvas sneakers feature a lace-up + closure, padded collar, cushioned insole and flexible rubber outsole for adventure-ready + comfort and traction. An everyday essential with understated style. + price: 70.99 + image: 7386b378-a79d-42c6-9193-6d82992d8dba.jpg + gender_affinity: M + where_visible: UI +- id: eff18c1f-12da-45fd-9600-00e2823e857b + current_stock: 6 + name: Bold City Sneakers + category: footwear + style: sneaker + description: Step into adventure wearing the Goldenrod Urban Explorer Sneakers, + a hip and eye-catching pair designed for all-day comfort during city exploring + with their lightweight breathable build, cushioned insole, and durable rubber + outsole. + price: 172.99 + image: eff18c1f-12da-45fd-9600-00e2823e857b.jpg + gender_affinity: M + where_visible: UI +- id: 0f4a0199-9ad9-422a-9bca-868723b659a9 + current_stock: 11 + name: Stylish Dark Blue Sneakers + category: footwear + style: sneaker + description: Explore in style with these sophisticated dark blue sneakers. Their + subtle elegance and rugged durability make them the perfect stylish companion + for urban adventures and city travel. + price: 107.99 + image: 0f4a0199-9ad9-422a-9bca-868723b659a9.jpg + gender_affinity: M + where_visible: UI +- id: 3b3193de-6fa5-43e1-a322-50cf043d9480 + current_stock: 17 + name: Rugged Slate Sneakers for Everyday Adventure + category: footwear + style: sneaker + description: Stylish dark slate canvas sneakers with complementary laces provide + rugged support and breathability for everyday adventures, from city streets to + country trails. + price: 70.99 + image: 3b3193de-6fa5-43e1-a322-50cf043d9480.jpg + gender_affinity: M + where_visible: UI +- id: 0b829309-d99e-43e8-ab52-808841a52897 + current_stock: 14 + name: Slate Sneakers - Walk in Comfort + category: footwear + style: sneaker + description: Explore your neighborhood in comfort and subtle style with these Dark + Slate sneakers. Their smooth canvas upper and cushioned rubber soles provide a + sophisticated yet casual look perfect for everyday adventures. + price: 177.99 + image: 0b829309-d99e-43e8-ab52-808841a52897.jpg + gender_affinity: M + where_visible: UI +- id: ebee2ea6-fdc1-4d94-a9ac-b05f328e7ddb + current_stock: 7 + name: Sleek Dark Slate Leather Sneakers + category: footwear + style: sneaker + description: Expertly crafted dark gray leather sneakers with sleek minimalist style. + An everyday versatile pair featuring quality construction for durability and comfort. + The perfect modern sneaker to elevate any outfit. + price: 127.99 + image: ebee2ea6-fdc1-4d94-a9ac-b05f328e7ddb.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a51e9895-f3ee-47c1-b594-a8e7df8e8fd8 + current_stock: 18 + name: Funky Dark Slate Sneakers + category: footwear + style: sneaker + description: Make a bold fashion statement with these eye-catching dark slate blue + sneakers. Their stylish design and comfortable fit make these funky kicks perfect + for all-day wear while exploring your neighborhood in fashionable comfort. + price: 127.99 + image: a51e9895-f3ee-47c1-b594-a8e7df8e8fd8.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: c98ac530-8313-4fbf-b413-9c40a991d9fc + current_stock: 17 + name: Laced Denim Sneakers for Men + category: footwear + style: sneaker + description: These rugged yet stylish denim sneakers combine laidback comfort with + durable construction for everyday wear. Their lace-up design and rubber soles + offer support and traction ready for any adventure. + price: 67.99 + image: c98ac530-8313-4fbf-b413-9c40a991d9fc.jpg + gender_affinity: M + where_visible: UI +- id: 2316cdbf-f982-4970-9dd9-ec94c4e45882 + current_stock: 8 + name: Comfy Blue Sneakers for Trekking + category: footwear + style: sneaker + description: Trek in comfort with these versatile blue sneakers featuring a breathable + fabric upper, secure lacing, and a lightweight rubber sole made for traction. + An athletic style ready for adventure. + price: 62.99 + image: 2316cdbf-f982-4970-9dd9-ec94c4e45882.jpg + gender_affinity: M + where_visible: UI +- id: bb80331b-7da8-4edc-a797-e1d462c14e82 + current_stock: 7 + name: Stylish Black & White Sneakers + category: footwear + style: sneaker + description: Step out in trendy style with these sleek black and white sneakers, + featuring lace-up design, padded collars, and durable rubber soles. Perfect for + casual urban adventures, these stylish kicks combine fashion and comfort. + price: 219.99 + image: bb80331b-7da8-4edc-a797-e1d462c14e82.jpg + gender_affinity: M + where_visible: UI +- id: 7379e619-8221-441b-8bd4-d411256fa27a + current_stock: 12 + name: Vibrant Dark Olive Sneakers Stand Out + category: footwear + style: sneaker + description: Make a subtle yet stylish statement with these vibrant dark olive green + sneakers. The unique olive hue stands out from the crowd while the durable construction + keeps your feet comfortable on all your neighborhood adventures. + price: 75.99 + image: 7379e619-8221-441b-8bd4-d411256fa27a.jpg + gender_affinity: M + where_visible: UI +- id: f9456fda-e693-4046-a73f-64c9bedddad7 + current_stock: 16 + name: Bold Black Mesh Sneakers + category: footwear + style: sneaker + description: Expertly crafted black sneakers with breathable mesh upper, cushioned + midsole, and rugged rubber outsole. An urban-inspired design offering both style + and comfort for your daily adventures. + price: 242.99 + image: f9456fda-e693-4046-a73f-64c9bedddad7.jpg + gender_affinity: M + where_visible: UI +- id: d27f4e83-4730-4075-b5c5-766b1a732fe9 + current_stock: 17 + name: Urban Adventure Sneakers + category: footwear + style: sneaker + description: Vibrant black sneakers with breathable mesh upper and cushioned insole + provide all-day comfort for exploring new cities. Durable rubber outsole offers + traction on varied terrain during adventures. Stylish design adds eye-catching + flair. + price: 146.99 + image: d27f4e83-4730-4075-b5c5-766b1a732fe9.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: e4db0751-f3a1-465f-bd2a-e0773d36e7fe + current_stock: 6 + name: Adventure-Ready Blue Sneakers + category: footwear + style: sneaker + description: Crafted for adventure, these versatile blue sneakers feature a breathable + mesh upper and lightweight cushioning to keep you comfortable on all of life's + journeys. Their durable grippy outsole provides stability for active lifestyles. + price: 115.99 + image: e4db0751-f3a1-465f-bd2a-e0773d36e7fe.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: fdeba818-2269-4cf1-81c8-29fc8d984e6c + current_stock: 19 + name: Sleek Dark Gray Leather Sneakers + category: footwear + style: sneaker + description: Expertly crafted urban sneakers in dark slate gray leather with cotton + laces, padded collar, and textured rubber outsole. Minimalist modern style offers + versatile wear - perfect for exploring the concrete jungle in sleek comfort. + price: 70.99 + image: fdeba818-2269-4cf1-81c8-29fc8d984e6c.jpg + gender_affinity: M + where_visible: UI +- id: 47a6ceba-b467-43cb-aac8-b9eb95e3740a + current_stock: 19 + name: Stylish Kicks for City Living + category: footwear + style: sneaker + description: Presenting the perfect pair for pavement-pounding city style - sleek + white leather sneakers with crisp laces and lightweight comfort, ready to match + your casual urban adventures with fashion and function. + price: 189.99 + image: 47a6ceba-b467-43cb-aac8-b9eb95e3740a.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 65b3bc05-4d84-48ef-ba0f-ce12301643c7 + current_stock: 9 + name: Explore in Style with Sleek Black Sneakers + category: footwear + style: sneaker + description: Explore your world in comfort and style with these versatile black + sneakers. Sleek, durable exterior meets responsive cushioning for all-day wearability. + Seamlessly integrates into any wardrobe with an attractive, clean aesthetic. + price: 137.99 + image: 65b3bc05-4d84-48ef-ba0f-ce12301643c7.jpg + gender_affinity: M + where_visible: UI +- id: 30ec1f80-71e1-45f7-97d5-97150daea152 + current_stock: 16 + name: Comfy Blue Sneakers + category: footwear + style: sneaker + description: Classic retro-style blue canvas sneakers with thick rubber soles provide + all-day cushioning and support. Breathable and versatile, these casual kicks pair + perfectly with any outfit for stylish city exploring. + price: 239.99 + image: 30ec1f80-71e1-45f7-97d5-97150daea152.jpg + gender_affinity: M + where_visible: UI +- id: 482322a0-528b-40e4-bb07-8e941a3ef0f6 + current_stock: 13 + name: Bold Maroon City Stroll Sneakers + category: footwear + style: sneaker + description: Crafted for style and comfort, these lively maroon sneakers are the + perfect footwear for strolling around the city in bold, urban fashion. Their quality + design provides energetic flair and long-lasting wear for all your adventures. + price: 126.99 + image: 482322a0-528b-40e4-bb07-8e941a3ef0f6.jpg + gender_affinity: M + where_visible: UI +- id: 5dea207e-839d-4dd5-8712-6d1a43c292ac + current_stock: 14 + name: Groovy Gray Kicks for Urban Style + category: footwear + style: sneaker + description: Step lively in these groovy gray canvas sneakers! Their sleek, retro + style and padded comfort make these kicks perfect for exploring the urban landscape + in sporty fashion. + price: 93.99 + image: 5dea207e-839d-4dd5-8712-6d1a43c292ac.jpg + gender_affinity: M + where_visible: UI +- id: c2d24d02-baf0-49ae-bcf7-e696bec74e58 + current_stock: 13 + name: Sleek Black Sneakers for Urban Style + category: footwear + style: sneaker + description: Step out in sleek, understated style with these versatile black sneakers. + Their clean, modern aesthetic complements any outfit from casual to dressy, while + the sneaker design provides all-day walkable comfort ideal for urban exploration. + price: 108.99 + image: c2d24d02-baf0-49ae-bcf7-e696bec74e58.jpg + gender_affinity: M + where_visible: UI +- id: 2d2d8ec8-4806-42a7-b8ba-ceb15c1c7e84 + current_stock: 19 + name: City Explorer Sneakers + category: footwear + style: sneaker + description: Sleek, stylish black sneakers made for urban exploration. With fashionable + looks and comfortable design, these sneakers keep your feet looking great while + you walk the city streets in style. + price: 81.99 + image: 2d2d8ec8-4806-42a7-b8ba-ceb15c1c7e84.jpg + gender_affinity: M + where_visible: UI +- id: 2314f923-cffd-4286-aaf1-fd016bf8a06d + current_stock: 10 + name: Green Forest Sneakers + category: footwear + style: sneaker + description: Step lively in these stylish forest green canvas sneakers! Their deep + emerald hue evokes verdant forests, while the durable canvas construction and + flexible rubber sole ensure all-day walkability as you explore new destinations + in comfort. + price: 161.99 + image: 2314f923-cffd-4286-aaf1-fd016bf8a06d.jpg + gender_affinity: M + where_visible: UI +- id: 1dc3d734-68f7-420c-8945-d15fe12ba3c9 + current_stock: 17 + name: Bright Yellow Street Style Sneakers + category: footwear + style: sneaker + description: Make a vibrant statement with these eye-catching pale yellow sneakers! + Their athletic style and bold color keep you comfortable and stylish while exploring + the urban streets. + price: 203.99 + image: 1dc3d734-68f7-420c-8945-d15fe12ba3c9.jpg + gender_affinity: M + where_visible: UI +- id: 4078d187-f4ac-407a-92d8-df4bc3c7d961 + current_stock: 11 + name: Stylish Brown Leather Sneakers for Men + category: footwear + style: sneaker + description: Step out in style with these fashionable brown leather sneakers! Their + versatile design pairs perfectly with any outfit while the thick rubber sole provides + cushioning for all-day city exploring. + price: 215.99 + image: 4078d187-f4ac-407a-92d8-df4bc3c7d961.jpg + gender_affinity: M + where_visible: UI +- id: baa6a74a-015f-41dd-8dd8-bdfc8dc1918a + current_stock: 18 + name: Breathable Canvas Lace-Up Sneakers + category: footwear + style: sneaker + description: Step into effortless style with these breathable light slate sneakers, + featuring a minimalist lace-up design, padded collar, and durable canvas construction + to keep you comfortable and looking cool from workday to weekend. + price: 110.99 + image: baa6a74a-015f-41dd-8dd8-bdfc8dc1918a.jpg + gender_affinity: M + where_visible: UI +- id: 5575bf17-daa4-4a77-ba68-a859863d6a7d + current_stock: 15 + name: Sleek Black Minimalist Sneakers + category: footwear + style: sneaker + description: Crafted with premium materials, these versatile black sneakers feature + a sleek, minimalist look to complement any outfit while providing lasting comfort + for urban exploration and adventures. + price: 187.99 + image: 5575bf17-daa4-4a77-ba68-a859863d6a7d.jpg + gender_affinity: M + where_visible: UI +- id: bade7609-f412-45cf-9e85-8ce84ed261fd + current_stock: 10 + name: Stylish Gray Sneakers for Urban Trendsetters + category: footwear + style: sneaker + description: Step out in effortless urban style with these versatile low-top gray + canvas sneakers, featuring a minimalist design, breathable cotton upper, thick + rubber soles and padded collar for all-day walkability and comfort. + price: 187.99 + image: bade7609-f412-45cf-9e85-8ce84ed261fd.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 2ed4b6f8-5d37-480e-9469-4ea26f475716 + current_stock: 7 + name: Adventure Seeking Black Sneakers + category: footwear + style: sneaker + description: Expertly crafted black sneakers built for adventure with a durable + exterior and breathable inner lining to keep your feet comfortable during any + exploit. + price: 45.99 + image: 2ed4b6f8-5d37-480e-9469-4ea26f475716.jpg + gender_affinity: M + where_visible: UI +- id: 81518e3d-c5ef-4217-9d76-f334cae5466b + current_stock: 14 + name: Bold Crimson Sneakers for Adventure + category: footwear + style: sneaker + description: Step lively in these bold crimson mesh sneakers! With breathable uppers, + cushioned collars, and durable rubber soles, these vibrant red kicks are ready + for neighborhood adventures in sporty comfort and style. + price: 202.99 + image: 81518e3d-c5ef-4217-9d76-f334cae5466b.jpg + gender_affinity: M + where_visible: UI +- id: efab27cd-b337-49a6-b2c7-73101df9bd80 + current_stock: 18 + name: Comfy Dark Gray Textured Armchair + category: furniture + style: chairs + description: Expertly crafted for comfort, this plush dark gray armchair features + subtle textured upholstery and curved armrests to cradle you in relaxation. Its + timeless design blends modern and traditional styles. + price: 133.99 + image: efab27cd-b337-49a6-b2c7-73101df9bd80.jpg + where_visible: UI +- id: 99b44e8e-65d0-4c55-a7b6-dd1ed0b7cac3 + current_stock: 19 + name: Cozy Tan Armchair for Relaxation + category: furniture + style: chairs + description: The Tan Armchair's soft upholstery and curved armrests invite relaxation. + Its plush cushioning and classic design provide cozy comfort for unwinding in + any room. + price: 214.99 + image: 99b44e8e-65d0-4c55-a7b6-dd1ed0b7cac3.jpg + where_visible: UI +- id: e06f53cd-7776-41ce-9f7a-a88986192e24 + current_stock: 10 + name: Rustic Sunflower Lounge Chair + category: furniture + style: chairs + description: The Goldenrod Armchair brings midcentury style and a pop of color to + any room with its plush, goldenrod upholstery, gently curved silhouette, and tapered + legs. Relax in retro-inspired comfort. + price: 158.99 + image: e06f53cd-7776-41ce-9f7a-a88986192e24.jpg + where_visible: UI +- id: c7ed1688-5cb8-463d-b0d3-2af518c6146c + current_stock: 11 + name: Sleek Dark Gray Contemporary Armchair + category: furniture + style: chairs + description: With angular edges and rich dark gray upholstery, this sleek yet comfortable + armchair makes a bold, contemporary statement. Perfect for lounging or hosting + guests with modern elegance. + price: 148.99 + image: c7ed1688-5cb8-463d-b0d3-2af518c6146c.jpg + where_visible: UI + promoted: true +- id: 1ef8b06f-0a08-484a-a851-8b87363f7f49 + current_stock: 7 + name: Bold Goldenrod Accent Armchair + category: furniture + style: chairs + description: Make a bold, contemporary statement with the plush Dark Goldenrod Armchair. + Featuring sleek lines, thick cushions, and tapered legs, this eye-catching goldenrod + accent chair provides exceptional comfort and elevates any space with vibrant + style. + price: 221.99 + image: 1ef8b06f-0a08-484a-a851-8b87363f7f49.jpg + where_visible: UI +- id: d3eafff1-ac2f-4cc9-b9f2-90d400bff145 + current_stock: 13 + name: Bright Goldenrod Lounge Chair + category: furniture + style: chairs + description: Presenting the Goldenrod Armchair, a fashionable lounge chair that + makes a vibrant, eye-catching statement. With plush cushions, smooth goldenrod + upholstery, and sleek modern design, this comfortable accent chair elevates any + room's style. + price: 200.99 + image: d3eafff1-ac2f-4cc9-b9f2-90d400bff145.jpg + where_visible: UI +- id: 627ae565-6464-41a9-9562-aac81a4b62ef + current_stock: 13 + name: Plush Dark Gray Armchair + category: furniture + style: chairs + description: Expertly crafted dark gray armchair envelops you in plush comfort. + Timeless design with sturdy wooden legs complements any decor. Unwind in relaxation + or entertain guests in style. + price: 94.99 + image: 627ae565-6464-41a9-9562-aac81a4b62ef.jpg + where_visible: UI +- id: f9031c60-0201-4e0a-a146-8fbecf6b9e9a + current_stock: 18 + name: Comfy Khaki Wingback Armchair + category: furniture + style: chairs + description: Expertly crafted wingback armchair featuring plush khaki upholstery, + padded back and armrests, and sturdy hardwood frame for superior comfort and support. + An elegant statement piece for any room. + price: 96.99 + image: f9031c60-0201-4e0a-a146-8fbecf6b9e9a.jpg + where_visible: UI +- id: 5807df68-f455-4ba8-b5ef-1e7c4d76e46c + current_stock: 8 + name: Comfy White Armchair + category: furniture + style: chairs + description: Luxuriously plush and supremely comfortable, this bright white armchair + cradles you in softness. Its clean, contemporary style illuminates any room with + its curved silhouette and thickly padded cushions. + price: 202.99 + image: 5807df68-f455-4ba8-b5ef-1e7c4d76e46c.jpg + where_visible: UI +- id: 36136315-1170-4da8-af1f-1bb90c87b05d + current_stock: 17 + name: Comfy Gray Armchair with Cushions + category: furniture + style: chairs + description: Expertly crafted gray armchair providing optimal comfort and support + with cushioned back, curved armrests, and removable seat cushion. Neutral design + complements any decor. + price: 150.99 + image: 36136315-1170-4da8-af1f-1bb90c87b05d.jpg + where_visible: UI + promoted: true +- id: 48941756-e6c4-4b45-a869-c4f33daccdeb + current_stock: 12 + name: Sunny Yellow Armchair for Comfort + category: furniture + style: chairs + description: This cheerful, plush yellow armchair envelops you in comfort with its + padded cushions, curved armrests, and bright, sunny upholstery. Unwind in relaxation + and style. + price: 111.99 + image: 48941756-e6c4-4b45-a869-c4f33daccdeb.jpg + where_visible: UI +- id: c92cda0f-65b3-4203-b229-52c222e872de + current_stock: 7 + name: Comfy Tufted Sienna Armchair + category: furniture + style: chairs + description: Expertly crafted with plush sienna upholstery, this elegant armchair + features tufted detailing and curved armrests that invite relaxation into your + space. Its sturdy hardwood frame provides lasting durability. + price: 221.99 + image: c92cda0f-65b3-4203-b229-52c222e872de.jpg + where_visible: UI +- id: 3b3a9942-cea3-49b2-b526-25a5cefa71c5 + current_stock: 16 + name: Vibrant Yellow Wingback Armchair + category: furniture + style: chairs + description: This classic yellow wingback armchair provides comfortable support + with its plush cushioning and sturdy wooden frame, adding a cheerful pop of color + and timeless style to your living space. + price: 98.99 + image: 3b3a9942-cea3-49b2-b526-25a5cefa71c5.jpg + where_visible: UI +- id: ecbe7c61-7564-40d8-97eb-a233be1775fa + current_stock: 9 + name: Comfy Sienna Armchair in Neutral Fabric + category: furniture + style: chairs + description: The Sienna Upholstered Armchair offers comfortable cushioning and a + classic rolled arm design. Its neutral sienna fabric is perfect for any decor. + price: 202.99 + image: ecbe7c61-7564-40d8-97eb-a233be1775fa.jpg + where_visible: UI +- id: d3da14c2-6405-4f68-8bbc-cbce512e5d75 + current_stock: 15 + name: Sleek Dark Gray Contemporary Lounge Chair + category: furniture + style: chairs + description: Expertly crafted dark gray armchair featuring plush cushioning for superior comfort. + Sleek contemporary design with angled wood frame adds stylish flair to any living space. + Quality construction ensures long-lasting durability. + price: 216.99 + image: d3da14c2-6405-4f68-8bbc-cbce512e5d75.jpg + where_visible: UI +- id: ab6462b7-2061-42ba-a19f-a1efc877d800 + current_stock: 17 + name: Vibrant Orange Accent Armchair + category: furniture + style: chairs + description: Make a vibrant statement in your home with the Peru-Orange Armchair. + This comfortable, high-quality armchair features plush padding and a lively peru-orange + fabric that adds a fun pop of color to any room's decor. + price: 155.99 + image: ab6462b7-2061-42ba-a19f-a1efc877d800.jpg + where_visible: UI + promoted: true +- id: 553b81ed-f39e-417e-a541-b6ef9d806e20 + current_stock: 9 + name: Stylish Gray Armchair for Modern Comfort + category: furniture + style: chairs + description: This stylish gray armchair provides plush comfort and sleek modern + design to complement any decor. Its soft durable upholstery and quality craftsmanship + create a versatile seating option built to last. + price: 239.99 + image: 553b81ed-f39e-417e-a541-b6ef9d806e20.jpg + where_visible: UI +- id: 52b58d6c-2743-416f-8bbd-da1bbf587182 + current_stock: 19 + name: Cozy Curved White Armchair + category: furniture + style: chairs + description: This cozy white armchair provides a minimalist yet relaxing spot to + unwind. Its curved frame and plush upholstery cradle you in comfort. + price: 201.99 + image: 52b58d6c-2743-416f-8bbd-da1bbf587182.jpg + where_visible: UI +- id: 47636cd1-731c-47d1-8d0b-612575af0a5c + current_stock: 11 + name: Stylish Leather Armchair + category: furniture + style: chairs + description: This stylish leather armchair adds contemporary flair and superior + comfort to any room. Expertly crafted with rich chestnut brown leather, it features + elegant tufting, curved armrests, and a sturdy hardwood frame. The perfect addition + to your home decor. + price: 198.99 + image: 47636cd1-731c-47d1-8d0b-612575af0a5c.jpg + where_visible: UI +- id: 8e989c18-feb7-4f98-98ea-cb385538c1cd + current_stock: 6 + name: Classic Neutral Armchair + category: furniture + style: chairs + description: The Gainsboro Armchair brings sophisticated style to any room with + its fashionable upholstered design and versatile neutral color. Relax in comfort + on the padded seat and back of this quality-constructed chair. + price: 240.99 + image: 8e989c18-feb7-4f98-98ea-cb385538c1cd.jpg + where_visible: UI +- id: 680d3d4b-7248-4a96-9f5c-b6db41c9e763 + current_stock: 6 + name: Comfy Dark Gray Lounge Chair + category: furniture + style: chairs + description: Make your living room inviting with this contemporary dark gray armchair. + Its plush cushions and high back provide comfort and support for lounging and + relaxing. + price: 142.99 + image: 680d3d4b-7248-4a96-9f5c-b6db41c9e763.jpg + where_visible: UI +- id: 95677239-43cc-44e4-a97f-4a9c072210ae + current_stock: 13 + name: Mid-Century Tufted Armchair + category: furniture + style: chairs + description: Expertly crafted wingback armchair combining timeless style and unrivaled + comfort. Soft gainsboro fabric and intricate tufting offer exceptional elegance + to instantly elevate any space. The perfect accent chair for stylish sophistication. + price: 211.99 + image: 95677239-43cc-44e4-a97f-4a9c072210ae.jpg + where_visible: UI +- id: 9e798d24-65b8-42ee-b592-21afe2a23b07 + current_stock: 10 + name: Slate Armchair - Relax in Plush Comfort + category: furniture + style: chairs + description: Crafted for indulgent comfort, this plush slate gray armchair features + subtle textural upholstery, curved armrests, and a sturdy supportive frame to + cradle you in relaxation. + price: 82.99 + image: 9e798d24-65b8-42ee-b592-21afe2a23b07.jpg + where_visible: UI + promoted: true +- id: 1f88855c-7ed3-4796-9143-dcdd395c03ad + current_stock: 10 + name: Plush Dark Gray Relaxation Armchair + category: furniture + style: chairs + description: Expertly crafted for style and comfort, this plush dark gray armchair + features padded cushions and sturdy framing to provide exceptional relaxation + in any room. + price: 189.99 + image: 1f88855c-7ed3-4796-9143-dcdd395c03ad.jpg + where_visible: UI +- id: ee0cec46-8edf-4436-84f0-d83e7f9c453f + current_stock: 18 + name: Cozy Blue Armchair + category: furniture + style: chairs + description: Expertly crafted for optimal comfort and support, this plush blue armchair + provides a welcoming retreat with its sloped arms, tailored upholstery, and durable + frame built to last. Unwind in style and unparalleled relaxation. + price: 160.99 + image: ee0cec46-8edf-4436-84f0-d83e7f9c453f.jpg + where_visible: UI + promoted: true +- id: 5d56ce53-f18b-4ee0-aecd-dd96400ed49f + current_stock: 12 + name: Vibrant Goldenrod Armchair + category: furniture + style: chairs + description: Presenting the Dark Goldenrod Plush Armchair, an elegantly crafted + lounge chair featuring rich goldenrod upholstery enveloping plush cushioning for + exceptional comfort. Relax in style with this sophisticated armchair's timeless + design and durable construction. + price: 78.99 + image: 5d56ce53-f18b-4ee0-aecd-dd96400ed49f.jpg + where_visible: UI +- id: 59719e89-9677-4201-8aad-fb0157bbd30c + current_stock: 12 + name: Comfy Light Gray Armchair + category: furniture + style: chairs + description: Expertly crafted light gray armchair featuring plush cushioning and + sleek contemporary design to blend seamlessly into any living space for stylish + yet cozy relaxation. + price: 205.99 + image: 59719e89-9677-4201-8aad-fb0157bbd30c.jpg + where_visible: UI +- id: 87e34e87-de1f-4a83-9343-c885e82941b8 + current_stock: 13 + name: Cozy White Plush Armchair + category: furniture + style: chairs + description: Presenting the White Plush Armchair - a cozy, minimalist accent chair + that invites relaxation into your home. Its soft upholstered fabric and curved + armrests provide ultimate comfort and complement any decor. Add restful elegance + to your living space now. + price: 243.99 + image: 87e34e87-de1f-4a83-9343-c885e82941b8.jpg + where_visible: UI + promoted: true +- id: 124db2fa-17c0-4e94-9844-d1b64a081df5 + current_stock: 12 + name: Sleek White Dining Chair Elevates Rooms + category: furniture + style: chairs + description: The White Dining Chair elevates dining rooms with its sleek, clean + lines and brilliant white finish. Sturdy yet lightweight, this elegant chair provides + exceptional comfort and support for long dinners. + price: 173.99 + image: 124db2fa-17c0-4e94-9844-d1b64a081df5.jpg + where_visible: UI +- id: 5de6e270-2929-42e6-988f-54f5f2d19a6f + current_stock: 9 + name: Sleek White Dining Chair Elevates Your Space + category: furniture + style: chairs + description: The White Minimalist Dining Chair elegantly elevates your dining space + with its sleek, faux leather design and sturdy wood frame. Sit comfortably through + lingering meals with its supportive high back and curved seat. + price: 168.99 + image: 5de6e270-2929-42e6-988f-54f5f2d19a6f.jpg + where_visible: UI +- id: 5413ac98-5857-4df3-9597-247a2c62a6d4 + current_stock: 11 + name: Sleek Black Dining Chair Elevates Style + category: furniture + style: chairs + description: Expertly crafted with a sleek black finish, this elegant dining chair + provides exceptional comfort and stability to instantly elevate your dining space + with sophisticated style. + price: 88.99 + image: 5413ac98-5857-4df3-9597-247a2c62a6d4.jpg + where_visible: UI +- id: c54d3f55-35b8-47c6-9771-a573aa00f4ad + current_stock: 17 + name: Perky Orange Padded Dining Chair + category: furniture + style: chairs + description: With plush padding and a bright pop of orange, this stylish chair adds + comfort and color to your dining space. Expertly crafted for durability, its cushioned + seat provides the perfect spot to unwind after meals with family and friends. + price: 146.99 + image: c54d3f55-35b8-47c6-9771-a573aa00f4ad.jpg + where_visible: UI +- id: eb46bfcc-34df-40e2-8670-ee808d5cb958 + current_stock: 6 + name: Stylish Black Padded Dining Chair + category: furniture + style: chairs + description: Expertly crafted with a sturdy wooden frame and padded seat, our elegant + Black Dining Chair adds sophisticated style to any dining space. Timeless design + meets durability and comfort. + price: 125.99 + image: eb46bfcc-34df-40e2-8670-ee808d5cb958.jpg + where_visible: UI + promoted: true +- id: 8822ca00-724c-4eaa-a905-eebb49a38ffe + current_stock: 15 + name: Stylish Upholstered Dining Chair + category: furniture + style: chairs + description: "Expertly crafted with plush cushioning, this elegant gainsboro dining\ + \ chair provides superior comfort and timeless style to effortlessly complement\ + \ any dining d\xE9cor." + price: 210.99 + image: 8822ca00-724c-4eaa-a905-eebb49a38ffe.jpg + where_visible: UI +- id: 328a7f6b-238d-4165-9949-5e0aa70b7200 + current_stock: 18 + name: Sleek Light Gray Dining Chair + category: furniture + style: chairs + description: This minimalist light gray dining chair brings an airy elegance to + your dining space. Expertly crafted for durability and comfort, it elevates modern + rooms with its sleek, understated style. + price: 120.99 + image: 328a7f6b-238d-4165-9949-5e0aa70b7200.jpg + where_visible: UI +- id: b455a03d-a326-4d34-b45b-c2d44ae46dc6 + current_stock: 13 + name: Stylish Dark Gray Dining Chair + category: furniture + style: chairs + description: Expertly crafted with plush cushioning and a sturdy frame, this elegant + dark gray dining chair elevates any dining space with sophisticated style and + exceptional comfort. + price: 76.99 + image: b455a03d-a326-4d34-b45b-c2d44ae46dc6.jpg + where_visible: UI +- id: dfb69542-c032-4c9a-bc06-ddd6282fbe37 + current_stock: 7 + name: Sleek Gray Dining Chair + category: furniture + style: chairs + description: Expertly crafted gray upholstered dining chair blends any decor. Sturdy + wood frame with plush foam cushions provides exceptional comfort and support for + lingering dinners or quick breakfasts. + price: 169.99 + image: dfb69542-c032-4c9a-bc06-ddd6282fbe37.jpg + where_visible: UI +- id: 3e766c14-75f3-4b25-8808-32b97393434b + current_stock: 8 + name: Cozy Goldenrod Dining Chair + category: furniture + style: chairs + description: Expertly crafted with a sturdy frame and plush padding, our elegant + Goldenrod Dining Chair radiates warmth and comfort with its rich goldenrod upholstery + and gently curved backrest. Perfect for any dining space. + price: 113.99 + image: 3e766c14-75f3-4b25-8808-32b97393434b.jpg + where_visible: UI + promoted: true +- id: 21ea0edc-1984-4f79-a6af-b2d1135471b5 + current_stock: 16 + name: Sleek Light Gray Dining Chair + category: furniture + style: chairs + description: This minimalist light gray dining chair blends contemporary style and + comfort. Its sleek frame and plush upholstery create an elegant, versatile seating + option to enhance any dining space. + price: 207.99 + image: 21ea0edc-1984-4f79-a6af-b2d1135471b5.jpg + where_visible: UI +- id: 5b8e7e76-98ec-48bc-9afd-b84bb8cacfe5 + current_stock: 8 + name: Sleek White Dining Chair, Modern Elegance + category: furniture + style: chairs + description: This sleek, elegant white dining chair brings modern style and comfort + to your dining space. Its curved back provides exceptional support, while the + smooth white finish complements any decor. + price: 208.99 + image: 5b8e7e76-98ec-48bc-9afd-b84bb8cacfe5.jpg + where_visible: UI +- id: 21f1a41e-ce2f-4cf5-9aee-e81e9b79c814 + current_stock: 9 + name: Sleek Dark Padded Dining Chair + category: furniture + style: chairs + description: This comfortable dark slate gray dining chair provides plush padding + and sleek modern style to complement any decor. The durable frame and easy-care + fabric make this exclusive home collection piece both beautiful and functional. + price: 170.99 + image: 21f1a41e-ce2f-4cf5-9aee-e81e9b79c814.jpg + where_visible: UI +- id: 3648ad78-08f6-421e-a025-999f4bdc8fa7 + current_stock: 10 + name: Comfy Tan Work Chair + category: furniture + style: chairs + description: Elevate your home office with this stylish, tan adjustable chair. Customizable + ergonomic support keeps you focused and comfortable during long work days. Breathable + upholstery and smooth-rolling casters enable easy movement. + price: 87.99 + image: 3648ad78-08f6-421e-a025-999f4bdc8fa7.jpg + where_visible: UI + promoted: true +- id: d725a542-ddaf-4e1c-a2fb-10628a6e1407 + current_stock: 15 + name: Sleek Black Mesh Office Chair + category: furniture + style: chairs + description: This sleek black mesh office chair provides ergonomic comfort and support + for long days at your desk. Its padded seat, adjustable height, and curved armrests + promote proper posture while you work. + price: 112.99 + image: d725a542-ddaf-4e1c-a2fb-10628a6e1407.jpg + where_visible: UI + promoted: true +- id: 1ddc59b3-7f01-4039-8f07-21a30362ab75 + current_stock: 10 + name: Sleek Black Mesh Office Chair + category: furniture + style: chairs + description: Elevate your home office with this sleek, breathable black mesh chair. + Customizable height and plush padding provide exceptional comfort for long work + days. Smooth-rolling casters allow easy mobility around your workspace. + price: 177.99 + image: 1ddc59b3-7f01-4039-8f07-21a30362ab75.jpg + where_visible: UI +- id: 079ab14b-3435-4a95-ba1d-fc0b21e0cf4b + current_stock: 13 + name: Sleek Black Office Chair + category: furniture + style: chairs + description: The Black Adjustable Office Chair provides ergonomic comfort and refined + style to customize your ideal workspace. Its durable frame, smooth casters, and + padded seat ensure all-day support as you work. + price: 205.99 + image: 079ab14b-3435-4a95-ba1d-fc0b21e0cf4b.jpg + where_visible: UI + promoted: true +- id: f9ce4c4d-dd69-46b2-8bc4-4226f0c7b567 + current_stock: 10 + name: Sleek Black Mesh Office Chair + category: furniture + style: chairs + description: Boost productivity in sleek style with this breathable black mesh office + chair featuring lumbar support, height adjustment, and smooth rolling casters + for all-day comfort. + price: 138.99 + image: f9ce4c4d-dd69-46b2-8bc4-4226f0c7b567.jpg + where_visible: UI +- id: d668cd83-23a5-4174-9bd1-089054fbf1f7 + current_stock: 13 + name: Sleek Dark Gray Office Chair + category: furniture + style: chairs + description: This sleek, dark slate gray office chair blends sophisticated style + and exceptional comfort. Its plush padding and smooth rolling casters provide + customizable support for focused tasks or collaborating. Elevate your professional + workspace with this polished furniture piece. + price: 200.99 + image: d668cd83-23a5-4174-9bd1-089054fbf1f7.jpg + where_visible: UI +- id: eefa0edd-3421-4b38-82ec-661b3c42c044 + current_stock: 9 + name: Sleek Black Mesh Office Chair + category: furniture + style: chairs + description: Expertly crafted black mesh office chair promotes proper posture with + curved armrests, padded seat, and adjustable height for all-day comfort and productivity. + price: 105.99 + image: eefa0edd-3421-4b38-82ec-661b3c42c044.jpg + where_visible: UI +- id: 29359485-1173-4a37-9bb7-6065c58a4f9e + current_stock: 14 + name: Comfy White Office Chair + category: furniture + style: chairs + description: Expertly designed for comfort and style, this white bonded leather + office chair features a curved backrest, padded seat, adjustable height, rolling + casters, and armrests to provide ergonomic lumbar support, easy mobility, and + all-day comfort in your workspace. + price: 182.99 + image: 29359485-1173-4a37-9bb7-6065c58a4f9e.jpg + where_visible: UI + promoted: true +- id: 50e7e081-20a5-4777-871a-ae671932333a + current_stock: 17 + name: Ergonomic Black Mesh Office Chair + category: furniture + style: chairs + description: This adjustable ergonomic office chair provides customizable comfort + and support for long work sessions. Its breathable mesh and padded seat keep you + cool and focused. + price: 162.99 + image: 50e7e081-20a5-4777-871a-ae671932333a.jpg + where_visible: UI + promoted: true +- id: 7af26050-056f-4855-ba8a-bcee48f0923d + current_stock: 15 + name: Ergonomic Black Office Chair + category: furniture + style: chairs + description: The Black Adjustable Office Chair provides comfort and support with + padded seating, armrests and height adjustment. Its sleek black design fits any + workspace. + price: 231.99 + image: 7af26050-056f-4855-ba8a-bcee48f0923d.jpg + where_visible: UI + promoted: true +- id: 7549f8b8-a48a-4d17-921a-dd58b760900b + current_stock: 8 + name: Sleek Leather Office Chair + category: furniture + style: chairs + description: Expertly crafted with sleek black bonded leather and ergonomic adjustability, + this modern office chair provides exceptional comfort and customizable support + for long work days. + price: 157.99 + image: 7549f8b8-a48a-4d17-921a-dd58b760900b.jpg + where_visible: UI + promoted: true +- id: 9747c3ce-b89d-4992-bf3d-f4ecc5a668fe + current_stock: 9 + name: Sleek Dark Gray Ergonomic Office Chair + category: furniture + style: chairs + description: Expertly crafted dark gray office chair provides exceptional comfort + and support with plush padding, smooth rolling casters, and adjustable ergonomic + features to conform to your body. + price: 211.99 + image: 9747c3ce-b89d-4992-bf3d-f4ecc5a668fe.jpg + where_visible: UI +- id: 1bb74d0b-fe39-42f0-9870-d4195a90a32c + current_stock: 9 + name: Comfy Beige Work Chair + category: furniture + style: chairs + description: The Beige Ergonomic Office Chair provides stylish comfort with adjustable + controls for customized support. Its padded seat and back promote healthy posture + during long workdays. + price: 141.99 + image: 1bb74d0b-fe39-42f0-9870-d4195a90a32c.jpg + where_visible: UI +- id: 04b9b2b6-28c7-4dba-89b4-a2a918d836df + current_stock: 7 + name: Sleek Modern Black and White Office Chair + category: furniture + style: chairs + description: Expertly crafted for comfort and style, this sleek modern chair features + crisp white and black faux leather with ergonomic lumbar support, padded armrests, + and smooth rolling casters to add bold flair to your office. + price: 94.99 + image: 04b9b2b6-28c7-4dba-89b4-a2a918d836df.jpg + where_visible: UI +- id: 180575fc-ef84-48fc-a83f-067d50141221 + current_stock: 14 + name: Sleek Dark Gray Work Chair + category: furniture + style: chairs + description: Expertly crafted dark gray office chair promotes productivity and comfort + with adjustable height, tilt, padded seat, and lumbar support for all-day work + in style. + price: 162.99 + image: 180575fc-ef84-48fc-a83f-067d50141221.jpg + where_visible: UI + promoted: true +- id: 68be8b14-ffc4-40a8-b4d6-eec43bd0f4d8 + current_stock: 18 + name: Sleek Crimson Ergo Office Chair + category: furniture + style: chairs + description: Expertly crafted for comfort and style, our ergonomic Crimson Office + Chair boasts lumbar support, adjustable features, and smooth casters to keep you + productive in elegantly appointed crimson upholstery. + price: 159.99 + image: 68be8b14-ffc4-40a8-b4d6-eec43bd0f4d8.jpg + where_visible: UI + promoted: true +- id: 1fd2dbd0-c0a4-40f7-b7f7-94c0d94a751d + current_stock: 8 + name: Comfy Gray Workday Office Chair + category: furniture + style: chairs + description: Expertly designed for comfort and productivity, this breathable light + gray office chair features adjustable height, padded seat and back, rolling casters, + and sturdy five-star base to keep you focused and supported throughout your workday. + price: 129.99 + image: 1fd2dbd0-c0a4-40f7-b7f7-94c0d94a751d.jpg + where_visible: UI +- id: d6bac42e-c8c5-4e7b-8362-254e6d9d5d19 + current_stock: 7 + name: Comfy Purple Office Chair + category: furniture + style: chairs + description: Presenting the Purple Ergonomic Office Chair - with plush padding, + curved back, and smooth rolling casters, this stylish chair provides exceptional + comfort and pops of color to any workspace. + price: 190.99 + image: d6bac42e-c8c5-4e7b-8362-254e6d9d5d19.jpg + where_visible: UI +- id: c9b8db98-e17a-49f3-ae8a-efa440be45be + current_stock: 16 + name: Stylish Ergonomic Office Chair + category: furniture + style: chairs + description: The ergonomic Black and White Office Chair boosts productivity with + its breathable mesh back, padded seat, and adjustable height. This stylish, comfortable + chair provides proper posture support for long work hours. + price: 139.99 + image: c9b8db98-e17a-49f3-ae8a-efa440be45be.jpg + where_visible: UI + promoted: true +- id: 2e4d07d7-8d48-4b16-a2b0-91cbaa1f7c89 + current_stock: 11 + name: Comfy Black Mesh Office Chair + category: furniture + style: chairs + description: Expertly crafted black mesh office chair boasts plush padding for exceptional + comfort, adjustable height, and smooth rolling casters for easy mobility around + your workspace. + price: 209.99 + image: 2e4d07d7-8d48-4b16-a2b0-91cbaa1f7c89.jpg + where_visible: UI +- id: 489dee3d-6abf-4470-bb94-8b9c0d12f18e + current_stock: 6 + name: Saddle Brown Executive Chair - Premium Comfort + category: furniture + style: chairs + description: Expertly crafted saddle brown bonded leather executive chair provides + premium comfort and customizable support for long work days. Quality construction + and professional style upgrade your home office. + price: 210.99 + image: 489dee3d-6abf-4470-bb94-8b9c0d12f18e.jpg + where_visible: UI + promoted: true +- id: d0cb72b7-f819-432e-8492-9bc8b7692043 + current_stock: 14 + name: Stylish Faux Leather Office Chair + category: furniture + style: chairs + description: With plush padding and adjustable features, our Sienna chair promotes + productivity and comfort. Its breathable mesh back provides lumbar support for + proper posture during long work hours. + price: 232.99 + image: d0cb72b7-f819-432e-8492-9bc8b7692043.jpg + where_visible: UI +- id: 8ab1ac5c-2c08-4ca9-a670-3c899043080e + current_stock: 12 + name: Ergonomic Black Mesh Office Chair + category: furniture + style: chairs + description: The Black Mesh Office Chair provides ergonomic comfort and style to + boost productivity. With breathable mesh back, padded seat, and smooth rolling + casters, this adjustable height chair promotes proper posture for long work sessions. + price: 99.99 + image: 8ab1ac5c-2c08-4ca9-a670-3c899043080e.jpg + where_visible: UI +- id: 3ce61cd6-8cbd-42d7-9563-37eb7378fbc5 + current_stock: 15 + name: Leather Dream Office Chair + category: furniture + style: chairs + description: This luxurious bonded leather office chair provides exceptional comfort + and support with plush padding, adjustable height, and smooth rolling wheels - + an ergonomic and stylish choice for your home or office workspace. + price: 151.99 + image: 3ce61cd6-8cbd-42d7-9563-37eb7378fbc5.jpg + where_visible: UI + promoted: true +- id: f115c9be-eae6-4bdf-9b92-32ba579a43b1 + current_stock: 15 + name: Comfortable Black Work Chair + category: furniture + style: chairs + description: Expertly crafted black office chair with padded seat, lumbar support, + and adjustable height for all-day comfort. Improves posture and productivity. + price: 208.99 + image: f115c9be-eae6-4bdf-9b92-32ba579a43b1.jpg + where_visible: UI + promoted: true +- id: a97e9f4f-d8a3-49c9-b393-d4bb575e186c + current_stock: 10 + name: Comfy White Mesh Office Chair + category: furniture + style: chairs + description: The White Ergonomic Office Chair by Office Furnishings provides exceptional + lumbar and posture support with its curved, breathable mesh backrest. Adjustable + and sleekly designed, this modern chair offers style and comfort for any workspace. + price: 120.99 + image: a97e9f4f-d8a3-49c9-b393-d4bb575e186c.jpg + where_visible: UI +- id: 153b2374-36e3-466c-b08c-1078b839cd9b + current_stock: 9 + name: Rustic Leather Office Chair + category: furniture + style: chairs + description: With plush padding and adjustable features, this stylish saddle brown + office chair provides exceptional comfort and customizable ergonomic support for + extended work sessions. + price: 159.99 + image: 153b2374-36e3-466c-b08c-1078b839cd9b.jpg + where_visible: UI +- id: 506d2ab9-b0b7-4180-bc21-f44909722def + current_stock: 17 + name: Sleek White Ergonomic Office Chair + category: furniture + style: chairs + description: Presenting the White Ergonomic Office Chair, our stylish, comfortable + option for an adjustable, supportive seat to improve your productivity. With professional + white bonded leather, chrome base, and smooth casters, it's the perfect addition + to any workspace. + price: 157.99 + image: 506d2ab9-b0b7-4180-bc21-f44909722def.jpg + where_visible: UI +- id: 8ea787f8-cdf1-49bb-a788-e7349244f55f + current_stock: 7 + name: Sleek Gray Ergonomic Office Throne + category: furniture + style: chairs + description: This ergonomic light slate gray office chair provides customized comfort + and support with adjustable height and tilt controls, breathable mesh back, padded + seat and backrest, sturdy base, and smooth-rolling casters. + price: 86.99 + image: 8ea787f8-cdf1-49bb-a788-e7349244f55f.jpg + where_visible: UI + promoted: true +- id: b842b868-4117-4254-aa1c-be43b05abb87 + current_stock: 14 + name: Sleek Khaki Leather Office Chair + category: furniture + style: chairs + description: This sophisticated dark khaki office chair provides ergonomic comfort + with adjustable height and tilt controls, a padded seat, and contoured backrest. + Its sleek style and smooth bonded leather upholstery add luxury to any workspace. + price: 124.99 + image: b842b868-4117-4254-aa1c-be43b05abb87.jpg + where_visible: UI + promoted: true +- id: aca48197-40cf-47b1-8eb3-ceeb29f7f23e + current_stock: 14 + name: Stylish Black Leather Office Chair + category: furniture + style: chairs + description: This sleek black leatherette office chair provides comfortable, adjustable + support with smooth rolling mobility, making it the perfect stylish and durable + seating option for any professional workspace. + price: 101.99 + image: aca48197-40cf-47b1-8eb3-ceeb29f7f23e.jpg + where_visible: UI +- id: c778bc2b-67c4-45d3-ba2d-3d91f7744f15 + current_stock: 6 + name: Rustic One-Drawer Hardwood Dresser + category: furniture + style: dressers + description: Expertly crafted with quality hardwood and a smooth gliding drawer, + this rosy-brown dresser from Furniture Co. adds warmth and elegance to your bedroom. + The spacious drawer provides ample storage for clothes and accessories. + price: 190.99 + image: c778bc2b-67c4-45d3-ba2d-3d91f7744f15.jpg + where_visible: UI +- id: 4e2f66a8-6378-4792-800d-d781922da189 + current_stock: 13 + name: Stylish Khaki Dresser Drawer + category: furniture + style: dressers + description: This expertly crafted dark khaki wood dresser adds stylish and functional + storage to your bedroom. The smooth single drawer neatly organizes clothing and + linens, while the sleek metal hardware provides an elegant touch. + price: 261.99 + image: 4e2f66a8-6378-4792-800d-d781922da189.jpg + where_visible: UI + promoted: true +- id: 75cb828e-ccc5-41ff-9bdd-9ac3dc7740aa + current_stock: 12 + name: Stylish White Lacquered Dresser + category: furniture + style: dressers + description: This elegant white lacquered dresser features two drawers with chrome + handles, providing reliable storage and timeless style to complement any bedroom + decor. + price: 142.99 + image: 75cb828e-ccc5-41ff-9bdd-9ac3dc7740aa.jpg + where_visible: UI +- id: d94f2195-c77a-45f1-ad44-38131f3f875d + current_stock: 12 + name: Sleek Gray Minimalist Dresser + category: furniture + style: dressers + description: Captivate with this two-drawer Gainsboro dresser. Its minimalist style + and smooth finishes lend an airy, sophisticated look to any bedroom. The neutral + gray complements any decor. + price: 262.99 + image: d94f2195-c77a-45f1-ad44-38131f3f875d.jpg + where_visible: UI + promoted: true +- id: 0121f086-4d27-4bbb-bd44-a90b34d86983 + current_stock: 14 + name: Sleek Sienna Dresser Draws You In + category: furniture + style: dressers + description: Expertly crafted minimalist dresser provides ample storage with two + drawers. Its rich sienna finish and clean lines complement any bedroom's style. + A must-have furniture essential. + price: 200.99 + image: 0121f086-4d27-4bbb-bd44-a90b34d86983.jpg + where_visible: UI + promoted: true +- id: 12f97970-a5e7-4659-8f24-9f77bb45cd0e + current_stock: 18 + name: Sleek White Dresser Draws Refinement + category: furniture + style: dressers + description: This elegant white two-drawer dresser provides refined bedroom storage + with a light and airy look. Its smooth-gliding drawers neatly organize clothing + and accessories while the subtle detailing lends refinement. + price: 160.99 + image: 12f97970-a5e7-4659-8f24-9f77bb45cd0e.jpg + where_visible: UI + promoted: true +- id: 6ae04681-0217-46c7-a34c-a3e74c96a1fe + current_stock: 19 + name: Stylish Wooden Dresser with Storage + category: furniture + style: dressers + description: This stylish two-drawer wooden dresser provides ample storage with + its smooth-gliding drawers. Crafted from rich, durable wood in a timeless design + that complements any decor. + price: 278.99 + image: 6ae04681-0217-46c7-a34c-a3e74c96a1fe.jpg + where_visible: UI +- id: 488fe849-868d-42d3-adec-1a093c5f7ce5 + current_stock: 10 + name: Rustic Two-Drawer Wood Dresser + category: furniture + style: dressers + description: This elegant wooden two-drawer dresser provides ample organized storage + for clothing and accessories. Its timeless design blends seamlessly into any bedroom + decor. + price: 249.99 + image: 488fe849-868d-42d3-adec-1a093c5f7ce5.jpg + where_visible: UI +- id: 6e73f9f1-2432-4d84-93d2-cc4cf0b83dd7 + current_stock: 18 + name: Rustic Rosy Dresser + category: furniture + style: dressers + description: This stunning 3-drawer rosy-brown dresser adds warmth and elegance + to any room. Expertly crafted with a smooth lacquered finish and vintage-inspired + antique bronze accents. Spacious storage for all your essentials. + price: 143.99 + image: 6e73f9f1-2432-4d84-93d2-cc4cf0b83dd7.jpg + where_visible: UI + promoted: true +- id: e9c299d3-f657-448f-85cd-8cda432a59b8 + current_stock: 11 + name: Sleek Dark Slate Dresser + category: furniture + style: dressers + description: "Expertly crafted with three roomy drawers, this contemporary dark\ + \ slate dresser provides ample storage and timeless style to complement any bedroom\ + \ d\xE9cor." + price: 125.99 + image: e9c299d3-f657-448f-85cd-8cda432a59b8.jpg + where_visible: UI + promoted: true +- id: 30af0c6d-23d3-4388-a04f-1ed90c2b10e2 + current_stock: 6 + name: Rustic Olive Dresser with Storage + category: furniture + style: dressers + description: This handcrafted dark olive green wood dresser adds elegant storage + to any room with three smooth-gliding drawers showcasing unique wood grain patterns. + price: 232.99 + image: 30af0c6d-23d3-4388-a04f-1ed90c2b10e2.jpg + where_visible: UI +- id: ce8ac6db-1e73-4a0e-ae3c-0f21c6e86ae7 + current_stock: 17 + name: Vibrant Turquoise Storage Dresser + category: furniture + style: dressers + description: Introducing the eye-catching Turquoise 3-Drawer Dresser - a sleek storage + solution to add a pop of color and organization to your bedroom. Its smooth turquoise + lacquer finish and three spacious drawers provide ample storage for all your essentials. + Quality craftsmanship ensures durability. + price: 194.99 + image: ce8ac6db-1e73-4a0e-ae3c-0f21c6e86ae7.jpg + where_visible: UI + promoted: true +- id: 485457cd-3e31-4ddc-bb09-e9bb9f151d19 + current_stock: 13 + name: Slate Minimalist 3-Drawer Dresser + category: furniture + style: dressers + description: Expertly crafted 3-drawer dresser provides ample storage with a sleek, + minimalist dark slate gray design that lends a contemporary yet timeless look + to effortlessly complement any bedroom decor. + price: 163.99 + image: 485457cd-3e31-4ddc-bb09-e9bb9f151d19.jpg + where_visible: UI +- id: 82148184-2e41-471b-a0d7-e58caa2333e9 + current_stock: 16 + name: Rustic Rose Dresser + category: furniture + style: dressers + description: Stylish storage solution - this rosy-brown dresser neatly organizes + clothing and accessories in 3 smooth-gliding drawers while adding a pop of color + to your bedroom decor. + price: 245.99 + image: 82148184-2e41-471b-a0d7-e58caa2333e9.jpg + where_visible: UI +- id: 3a4608cb-949b-4fc6-8e78-2e7011a31aa8 + current_stock: 7 + name: Sleek White Storage Dresser + category: furniture + style: dressers + description: This minimalist white storage dresser neatly organizes clothing and + accessories in a light, airy bedroom suite. Expertly crafted with multiple smooth + drawers, it brings elegance and order to modern decor. + price: 261.99 + image: 3a4608cb-949b-4fc6-8e78-2e7011a31aa8.jpg + where_visible: UI +- id: a4fcaa1c-4195-4cf2-a86d-eff58b630fb6 + current_stock: 19 + name: Stylish Wooden Storage Dresser + category: furniture + style: dressers + description: This stylish wooden storage dresser features a timeless design and + spacious drawers to neatly organize clothing and accessories. Expertly crafted + from quality wood with a rich finish, it provides reliable storage with smooth + glides for easy access. + price: 208.99 + image: a4fcaa1c-4195-4cf2-a86d-eff58b630fb6.jpg + where_visible: UI +- id: 1fe3c843-a6b6-432c-8565-456e964543ac + current_stock: 12 + name: Sleek White Minimalist Dresser + category: furniture + style: dressers + description: This minimalist white dresser adds subtle elegance and ample storage + to any bedroom. Its clean lines and smooth finish provide a light, airy feel while + the numerous drawers neatly organize your belongings. + price: 184.99 + image: 1fe3c843-a6b6-432c-8565-456e964543ac.jpg + where_visible: UI +- id: 68ba7c82-7669-4810-b3f7-44215fc4248b + current_stock: 7 + name: Stylish White Dresser with Storage + category: furniture + style: dressers + description: This spacious white dresser provides ample and organized storage to + keep your bedroom clutter-free. Its versatile design complements any decor while + the quality construction ensures durability. + price: 160.99 + image: 68ba7c82-7669-4810-b3f7-44215fc4248b.jpg + where_visible: UI +- id: a0fed439-c8dd-46c0-8879-794d8fe8b632 + current_stock: 10 + name: Rustic Gray Wooden Chest of Drawers + category: furniture + style: dressers + description: This expertly crafted dark gray wood dresser provides abundant storage + with smooth-gliding drawers, durable construction, and timeless style to organize + your bedroom in refined elegance. + price: 167.99 + image: a0fed439-c8dd-46c0-8879-794d8fe8b632.jpg + where_visible: UI +- id: 8cab347e-fa92-46c5-8a0e-371229e1c539 + current_stock: 19 + name: Stylish White Minimalist Dresser + category: furniture + style: dressers + description: This minimalist white dresser keeps your bedroom tidy with ample drawer + space. Its clean lines and smooth finish lend an airy, bright feel. + price: 186.99 + image: 8cab347e-fa92-46c5-8a0e-371229e1c539.jpg + where_visible: UI +- id: 778b57bd-7c54-4edd-8ed4-02deb90bad94 + current_stock: 11 + name: Sleek Sienna Dresser Offers Abundant Storage + category: furniture + style: dressers + description: Style and storage meet in this expertly crafted Sienna dresser. Featuring + a rich sienna finish and smooth gliding drawers, it neatly organizes clothing + and accessories while complementing any bedroom decor. + price: 228.99 + image: 778b57bd-7c54-4edd-8ed4-02deb90bad94.jpg + where_visible: UI + promoted: true +- id: 6d9480ff-36c6-4ece-a685-f7b55958b57b + current_stock: 16 + name: Stylish Gray Wood Dresser + category: furniture + style: dressers + description: This stylish solid wood dresser provides ample storage with its many + smooth-gliding drawers. Its timeless gray design and quality craftsmanship make + it a versatile and sophisticated addition to any bedroom. + price: 208.99 + image: 6d9480ff-36c6-4ece-a685-f7b55958b57b.jpg + where_visible: UI +- id: 35b9ac55-005a-45ef-8759-237ad3b6a919 + current_stock: 17 + name: Sleek Wheat Dresser - Modern Bedroom Storage + category: furniture + style: dressers + description: Presenting the Wheat Hue Minimalist Dresser - sleek, modern storage + for your bedroom. This neutral-toned dresser features smooth-gliding drawers and + ample space to organize clothing, linens, and accessories. Quality craftsmanship + and versatile design make this an ideal furniture addition. + price: 256.99 + image: 35b9ac55-005a-45ef-8759-237ad3b6a919.jpg + where_visible: UI +- id: 3293c333-10c8-4837-a07d-d8cd9e0f9bf8 + current_stock: 19 + name: Rustic Storage Dresser + category: furniture + style: dressers + description: This beautifully crafted saddle brown wooden dresser provides ample + and versatile storage with its multiple smooth-gliding drawers to neatly organize + clothing and accessories. The timeless design complements any bedroom. + price: 120.99 + image: 3293c333-10c8-4837-a07d-d8cd9e0f9bf8.jpg + where_visible: UI +- id: f75f7df9-3ccd-4f27-bcdc-4657e5898740 + current_stock: 19 + name: Minimalist White Dresser Brightens Bedrooms + category: furniture + style: dressers + description: This bright and airy white dresser keeps bedrooms neat with ample drawer + storage. Its clean, minimalist design complements any decor while providing plenty + of tidy spaces to organize clothes and accessories. + price: 230.99 + image: f75f7df9-3ccd-4f27-bcdc-4657e5898740.jpg + where_visible: UI +- id: f26358cc-a5ae-41f1-b6ee-2a148e236bf3 + current_stock: 19 + name: Rustic Six-Drawer Dresser in Saddle Brown + category: furniture + style: dressers + description: Expertly handcrafted six-drawer dresser providing vintage-inspired + style with ample storage to organize your bedroom. Quality solid wood construction + finished in rich saddle brown. + price: 135.99 + image: f26358cc-a5ae-41f1-b6ee-2a148e236bf3.jpg + where_visible: UI +- id: 4f6f36db-0808-4ead-80c7-82f2fa08b5cb + current_stock: 16 + name: Sleek Black Dresser Stylishly Organizes + category: furniture + style: dressers + description: This minimalist black dresser organizes your bedroom with ample, smooth + drawers and sleek modern style that complements any decor. Its versatile design + provides effortless storage solutions to neatly tuck away your belongings. + price: 238.99 + image: 4f6f36db-0808-4ead-80c7-82f2fa08b5cb.jpg + where_visible: UI + promoted: true +- id: 75899182-0ec8-4cc8-b578-dcb8d18fad55 + current_stock: 10 + name: Sleek White Dresser Stylish Storage + category: furniture + style: dressers + description: This minimalist white dresser adds elegance and abundant storage to + bedrooms. Its smooth, polished finish and numerous drawers keep spaces neat and + organized in style. + price: 230.99 + image: 75899182-0ec8-4cc8-b578-dcb8d18fad55.jpg + where_visible: UI + promoted: true +- id: c40c054e-75b2-4af7-985e-20a2538a8180 + current_stock: 16 + name: Sleek Gainsboro Dresser Drawers + category: furniture + style: dressers + description: Presenting the Gainsboro 6-Drawer Dresser - a elegantly minimalist + storage solution for your bedroom. This finely crafted hardwood dresser features + six smooth-gliding drawers accented by brushed nickel hardware, providing ample + space to organize clothing and accessories. + price: 209.99 + image: c40c054e-75b2-4af7-985e-20a2538a8180.jpg + where_visible: UI +- id: 5395050a-b064-421f-9023-a269749bda4b + current_stock: 18 + name: Sleek Minimalist Dresser in Light Gray + category: furniture + style: dressers + description: This stylish light gray minimalist dresser provides ample and organized + storage with its multiple smooth-gliding drawers to neatly tuck away clothes and + accessories. Its clean lines lend a modern yet timeless look. + price: 290.99 + image: 5395050a-b064-421f-9023-a269749bda4b.jpg + where_visible: UI +- id: e6e72b3e-0d71-43d3-90e3-a49d5e3ff1e8 + current_stock: 15 + name: Stylish Dark Green Storage Dresser + category: furniture + style: dressers + description: Make a stylish statement with this premium quality dark olive green + dresser featuring sleek contemporary design and ample storage space thanks to + multiple smooth-gliding drawers. + price: 202.99 + image: e6e72b3e-0d71-43d3-90e3-a49d5e3ff1e8.jpg + where_visible: UI + promoted: true +- id: 3fbbba10-1b89-40c2-909b-4933db1c0811 + current_stock: 16 + name: Slate Dresser with Plentiful Storage + category: furniture + style: dressers + description: This stylish dark slate gray dresser provides abundant storage with + multiple drawers to organize clothes and accessories. Expertly constructed with + quality materials, it blends form and function beautifully. + price: 124.99 + image: 3fbbba10-1b89-40c2-909b-4933db1c0811.jpg + where_visible: UI +- id: 6f70850a-6e4e-44cf-92fc-19d636010f0b + current_stock: 15 + name: Relax in Plush Forest Sofa Splendor + category: furniture + style: sofas + description: A bold, richly upholstered sofa with plush cushions and rolled arms + that provides a relaxing oasis of luxury in your living room or den. This timeless + furniture piece adds sophistication. + price: 880.99 + image: 6f70850a-6e4e-44cf-92fc-19d636010f0b.jpg + where_visible: UI +- id: 58b3efdc-79bf-4163-9f4e-38f0833304a8 + current_stock: 9 + name: Stylish Black Leather Sofa + category: furniture + style: sofas + description: Make a bold statement with this elegant black leather sofa. Expertly + crafted for superior comfort and sleek modern style, it will become the focal + point of any living room. + price: 750.99 + image: 58b3efdc-79bf-4163-9f4e-38f0833304a8.jpg + where_visible: UI + promoted: true +- id: cfe2daa9-3b76-45c9-9d36-2d11472f4005 + current_stock: 12 + name: Cozy Brown Plush Sofa + category: furniture + style: sofas + description: With plush brown upholstery and sturdy wood frame, this timeless sofa + provides wide, cushioned seating and a supportive back for lounging in comfort + and style. + price: 448.99 + image: cfe2daa9-3b76-45c9-9d36-2d11472f4005.jpg + where_visible: UI + promoted: true +- id: c79d70a4-118a-4ec4-8d92-35a489912c27 + current_stock: 8 + name: Luxurious Tufted Leather Sofa + category: furniture + style: sofas + description: This luxurious black leather sofa offers plush comfort and timeless + elegance. Expertly crafted with tufted detailing, it provides superior support + on a sturdy hardwood frame. A centerpiece for stylish living. + price: 473.99 + image: c79d70a4-118a-4ec4-8d92-35a489912c27.jpg + where_visible: UI +- id: f5ed75ea-a837-4dc8-aaca-0b552c8c868f + current_stock: 14 + name: Plush Pale Sofa - Cozy Comfort + category: furniture + style: sofas + description: With its soft pale gray upholstery, this elegantly crafted sofa provides + plush comfort and versatile style to effortlessly complement any living space. + price: 556.99 + image: f5ed75ea-a837-4dc8-aaca-0b552c8c868f.jpg + where_visible: UI +- id: bf6d4e9d-c20f-4614-bce3-b44d4e17424d + current_stock: 10 + name: Relax in Timeless Leather Luxury + category: furniture + style: sofas + description: This luxurious leather sofa provides exceptional comfort and timeless + elegance. Its supple brown leather and plush cushions embrace you in relaxed sophistication. + price: 601.99 + image: bf6d4e9d-c20f-4614-bce3-b44d4e17424d.jpg + where_visible: UI +- id: 0f441f90-99f3-49ee-bd56-599bc12536da + current_stock: 8 + name: Comfy Dark Gray Minimal Sofa + category: furniture + style: sofas + description: Make your living room a stylish sanctuary with this plush, dark gray + minimalist sofa. Its soft cushions and smooth fabric invite relaxation, while + the sophisticated design adds modern elegance. + price: 663.99 + image: 0f441f90-99f3-49ee-bd56-599bc12536da.jpg + where_visible: UI +- id: 7c22fb4f-8c14-4479-8e02-0fd787084c63 + current_stock: 19 + name: Comfy Gray Sofa + category: furniture + style: sofas + description: With its timeless style and neutral gray tone, this plush sofa brings + versatile, cozy sophistication to any living space. Its sturdy frame and soft + upholstery provide unparalleled comfort. + price: 922.99 + image: 7c22fb4f-8c14-4479-8e02-0fd787084c63.jpg + where_visible: UI +- id: 180cec7c-7dd5-4ad5-a609-42d39a33479e + current_stock: 14 + name: Stylish Green Sofa for Luxury Comfort + category: furniture + style: sofas + description: This luxurious dark sea green sofa will add dramatic flair and indulgent + comfort to any room. Expertly crafted with quality materials for lasting durability. + price: 634.99 + image: 180cec7c-7dd5-4ad5-a609-42d39a33479e.jpg + where_visible: UI +- id: 9f4faccf-39f6-4ee8-9ec9-5f818c8e7452 + current_stock: 6 + name: Bright Orange Sofa Brightens Any Room + category: furniture + style: sofas + description: This stylish burnt orange upholstered sofa adds a modern, vibrant focal + point to any room. Its comfortable, durable cushions and quality construction + provide exceptional comfort and support for lounging or sitting upright. + price: 974.99 + image: 9f4faccf-39f6-4ee8-9ec9-5f818c8e7452.jpg + where_visible: UI +- id: b6296602-fa74-4b2c-94d4-e6a67d7aaac9 + current_stock: 14 + name: Slate Textured Sofa - Stylish and Comfortable + category: furniture + style: sofas + description: This stylish slate gray textured sofa anchors any room with its timeless, + versatile design. Expertly crafted for enduring comfort and subtle sophistication. + price: 425.99 + image: b6296602-fa74-4b2c-94d4-e6a67d7aaac9.jpg + where_visible: UI +- id: 2a0a5c7b-ca68-4abf-9798-18ffb706832b + current_stock: 19 + name: Stylish Sienna Tufted Sofa + category: furniture + style: sofas + description: The lavish Sienna tufted sofa elevates any room with its rich sienna + colored upholstery, plush cushions, rolled arms, and tapered legs. Expertly crafted + for comfort and built to last. + price: 414.99 + image: 2a0a5c7b-ca68-4abf-9798-18ffb706832b.jpg + where_visible: UI +- id: 43dbbd80-b7f7-44c0-a942-e144006cc020 + current_stock: 8 + name: Comfy White Cloud Sofa + category: furniture + style: sofas + description: This elegant white sofa will lend sophistication to your home. Its + plush cushions and clean lines create a relaxing yet stylish centerpiece for any + living space. + price: 735.99 + image: 43dbbd80-b7f7-44c0-a942-e144006cc020.jpg + where_visible: UI + promoted: true +- id: 546bdb90-945a-48e8-84c7-557f8c48a032 + current_stock: 6 + name: Vibrant Yellow Plush Sofa + category: furniture + style: sofas + description: This plush yellow sofa adds a vibrant pop of color to any room with + its soft, supportive cushions and smooth upholstery. Crafted with quality materials + for long-lasting comfort and style. + price: 515.99 + image: 546bdb90-945a-48e8-84c7-557f8c48a032.jpg + where_visible: UI +- id: a45b6432-7a7a-4938-a039-2ac723f30952 + current_stock: 6 + name: Cozy Neutral Sofa for Unwinding + category: furniture + style: sofas + description: Expertly crafted for optimal comfort, this plush sienna sofa envelops + you in softness. Its timeless style and neutral tone complement any decor while + providing a stylish place to unwind. + price: 958.99 + image: a45b6432-7a7a-4938-a039-2ac723f30952.jpg + where_visible: UI + promoted: true +- id: a4da2349-049f-45dd-be64-9795808ce393 + current_stock: 9 + name: Comfy Khaki Tufted Sofa + category: furniture + style: sofas + description: Expertly crafted sofa with plush cushioning and elegant tufting provides + exceptional comfort. Its stylish khaki upholstery and timeless design lend sophistication + to any living space. + price: 740.99 + image: a4da2349-049f-45dd-be64-9795808ce393.jpg + where_visible: UI +- id: 39300780-00db-40bd-97e4-0a8c35f003bf + current_stock: 6 + name: Plush Gray Sofa - Relax in Style + category: furniture + style: sofas + description: Expertly crafted gray sofa with plush cushions invites relaxation. + Sophisticated versatile design complements any decor. Quality construction for + long-lasting comfort and style. + price: 702.99 + image: 39300780-00db-40bd-97e4-0a8c35f003bf.jpg + where_visible: UI +- id: 707af6c9-d718-4376-a854-476392d64536 + current_stock: 17 + name: Plush White Modern Sofa + category: furniture + style: sofas + description: This plush white sofa elegantly accents any room with its sleek modern + style and sumptuous cushions. A sophisticated statement piece crafted with quality + materials for long-lasting comfort and durability. + price: 704.99 + image: 707af6c9-d718-4376-a854-476392d64536.jpg + where_visible: UI +- id: fe00d7b6-7c1a-482d-8552-cb9654f98286 + current_stock: 19 + name: Luxurious Rosy Sofa for Cozy Lounging + category: furniture + style: sofas + description: Luxuriously soft rosy-brown upholstery adorns this elegant sofa, providing + exceptional comfort with plush cushions and a durable solid wood frame for lasting + quality that will impress in any living space. + price: 506.99 + image: fe00d7b6-7c1a-482d-8552-cb9654f98286.jpg + where_visible: UI + promoted: true +- id: dd433903-6142-4b27-8736-8f19f6ddc07f + current_stock: 11 + name: Comfy Gray Sofa Blends Any Decor + category: furniture + style: sofas + description: This plush gray upholstery sofa provides exceptional comfort and elegant + style. Its contemporary design and neutral color blend seamlessly into any living + room. + price: 900.99 + image: dd433903-6142-4b27-8736-8f19f6ddc07f.jpg + where_visible: UI +- id: dd8299a1-8752-458d-9f24-3cd26147e7c8 + current_stock: 10 + name: Sophisticated Style + category: furniture + style: sofas + description: This luxurious dark slate gray sofa brings sophisticated style to any + space with its minimalist design and rich, soft upholstery. The deep charcoal + hue makes a dramatic statement while clean lines allow the beautiful color to + shine. + price: 773.99 + image: dd8299a1-8752-458d-9f24-3cd26147e7c8.jpg + where_visible: UI +- id: 6a6eeb15-c5bf-4471-9c29-7b443e6c6d68 + current_stock: 10 + name: Slate Sofa, Stylishly Comfortable + category: furniture + style: sofas + description: This stylish slate gray sofa provides comfortable relaxation with its + soft upholstery and quality construction. Seamlessly blend into any decor with + its versatile, clean-lined design and subtle sophistication. + price: 733.99 + image: 6a6eeb15-c5bf-4471-9c29-7b443e6c6d68.jpg + where_visible: UI +- id: 60254fb3-3856-4509-ba00-b5a131789055 + current_stock: 9 + name: Cozy Dark Gray Upholstered Sofa + category: furniture + style: sofas + description: Expertly crafted with plush cushions and a sturdy frame, this versatile + dark gray sofa brings contemporary flair to any space with its timeless style + and neutral tone. Relax in comfort and elegance. + price: 931.99 + image: 60254fb3-3856-4509-ba00-b5a131789055.jpg + where_visible: UI +- id: 9dbf7c1a-3936-42ee-8c36-a28e94a35265 + current_stock: 13 + name: Comfy Pale Gray Sofa + category: furniture + style: sofas + description: With its soft pale gray upholstery and classic three-seat design, this + durable everyday sofa offers a subtle, soothing aesthetic that seamlessly blends + into any living room decor for cozy lounging and entertaining. + price: 528.99 + image: 9dbf7c1a-3936-42ee-8c36-a28e94a35265.jpg + where_visible: UI +- id: 7d278838-fb4e-45cd-8fb2-b5e736fb9aa2 + current_stock: 12 + name: Stylish Pale Gray Plush Sofa + category: furniture + style: sofas + description: This stylish pale gray plush sofa adds refined elegance to any room. + Its smooth soft fabric, classic rolled arms, and tapered legs create a timeless + look perfect for relaxing in comfort and style. + price: 811.99 + image: 7d278838-fb4e-45cd-8fb2-b5e736fb9aa2.jpg + where_visible: UI + promoted: true +- id: 7efdcf23-2d61-46df-9610-4a047da13a77 + current_stock: 14 + name: Cozy Gray Plush Sofa + category: furniture + style: sofas + description: With soft, cushy upholstery and elegant gray style, this versatile + sofa adds sophisticated comfort to any room. Quality construction and materials + provide lasting support and relaxation. + price: 918.99 + image: 7efdcf23-2d61-46df-9610-4a047da13a77.jpg + where_visible: UI +- id: 4daf5ac5-2aa9-42df-b6da-895ba09e9012 + current_stock: 14 + name: Sleek Dark Gray Sofa for Stylish Comfort + category: furniture + style: sofas + description: This stylish dark gray sofa infuses sophisticated elegance into any + living room. Its plush yet supportive cushions and solid frame provide exceptional + comfort and durability for long-lasting relaxation and conversation with friends. + price: 764.99 + image: 4daf5ac5-2aa9-42df-b6da-895ba09e9012.jpg + where_visible: UI +- id: 7673321f-6042-4ad7-bc1d-4471ee1dcd1b + current_stock: 15 + name: Stylish Sienna Sofa Elevates Your Space + category: furniture + style: sofas + description: The Sienna Tufted Sofa is a stylish, upholstered piece that instantly + elevates any room with its rich sienna hue and plush, tufted cushions for supreme + comfort. Expertly crafted with quality materials for long-lasting durability. + price: 790.99 + image: 7673321f-6042-4ad7-bc1d-4471ee1dcd1b.jpg + where_visible: UI +- id: 0d3c54a9-314d-453a-913a-0da1a7c6fc43 + current_stock: 9 + name: Luxurious Dark Gray Plush Sofa + category: furniture + style: sofas + description: This luxurious dark gray sofa with plush cushions provides stylish + comfort and sophistication. Its timeless design, rich color, and superior construction + ensure enduring beauty. + price: 741.99 + image: 0d3c54a9-314d-453a-913a-0da1a7c6fc43.jpg + where_visible: UI +- id: e0eb7d76-8306-40c0-aba0-31c68161fddb + current_stock: 9 + name: Cozy Rosy Sofa Invites Relaxation + category: furniture + style: sofas + description: Experience luxury and comfort with our beautifully crafted Rosy-Brown + Tufted Sofa. Its plush cushions and timeless design create a sophisticated charm + that will elevate any living room. + price: 528.99 + image: e0eb7d76-8306-40c0-aba0-31c68161fddb.jpg + where_visible: UI + promoted: true +- id: 5e674500-b9b8-4e32-8e81-66f077898277 + current_stock: 12 + name: Stylish Gray Sofa for Timeless Comfort + category: furniture + style: sofas + description: This gorgeous pale gray upholstered sofa will be the elegant centerpiece + of your living room. Featuring plush cushions, rolled arms and tapered legs, it + provides timeless relaxed comfort and style. + price: 952.99 + image: 5e674500-b9b8-4e32-8e81-66f077898277.jpg + where_visible: UI +- id: 6c85503d-9803-411c-b421-a4c768734b09 + current_stock: 17 + name: Cozy Tufted Sienna Sofa + category: furniture + style: sofas + description: The Sienna sofa provides plush comfort with its tufted upholstery and + sloped arm design. This versatile piece blends into any decor with its rich sienna + tone and elegant tapered legs. + price: 738.99 + image: 6c85503d-9803-411c-b421-a4c768734b09.jpg + where_visible: UI +- id: 429991a4-077e-42c0-9f52-c2f3d5bc6686 + current_stock: 13 + name: Gainsboro Elegance Sofa + category: furniture + style: sofas + description: Introducing the luxurious Gainsboro Sofa, featuring lavish gainsboro + upholstery and elegant design. This high-end sofa provides exceptional comfort + with plush cushions and smooth fabric. An elegant focal point for any room. + price: 667.99 + image: 429991a4-077e-42c0-9f52-c2f3d5bc6686.jpg + where_visible: UI +- id: 0dcd0570-c2df-43c8-9784-feab4ec2dc6b + current_stock: 12 + name: Bold Blue Sophisticated Sofa + category: furniture + style: sofas + description: "Make a bold, posh statement with this richly hued cadet blue sofa.\ + \ Plush cushions and quality construction provide long-lasting comfort and chic\ + \ style that effortlessly complements any d\xE9cor." + price: 915.99 + image: 0dcd0570-c2df-43c8-9784-feab4ec2dc6b.jpg + where_visible: UI +- id: 124eb5d1-ebd0-46a8-b753-8995a32e0ff4 + current_stock: 13 + name: Cozy Sienna Tufted Sofa + category: furniture + style: sofas + description: The Sienna Tufted Sofa adds rich, warm style to any room. Its soft + yet structured sienna-hued frame and plush cushions offer comfortable support. + This classic sofa's elegant tufting and sturdy espresso legs provide timeless, + inviting style. + price: 798.99 + image: 124eb5d1-ebd0-46a8-b753-8995a32e0ff4.jpg + where_visible: UI +- id: cd6f790a-7459-40b9-859e-28fb78188cbb + current_stock: 14 + name: Cozy Tufted Gray Sofa + category: furniture + style: sofas + description: The Gainsboro Tufted Sofa offers timeless elegance and plush comfort + in one stylish package. Its classic silhouette and soft upholstery provide a focal + point for any room. + price: 767.99 + image: cd6f790a-7459-40b9-859e-28fb78188cbb.jpg + where_visible: UI +- id: 02b959b5-7fa8-44ad-8eb2-faf6b750980e + current_stock: 19 + name: Stylish Black Leather Sofa + category: furniture + style: sofas + description: This elegant black leather sofa brings sophisticated style and plush + comfort to your living space. Expertly crafted with supple leather upholstery + and generous cushions, it's the perfect anchor for both modern and traditional + decor. + price: 403.99 + image: 02b959b5-7fa8-44ad-8eb2-faf6b750980e.jpg + where_visible: UI +- id: f8834f5f-4017-4da0-98d6-3c8985cbc7f5 + current_stock: 18 + name: Stylish Gray Sofa, Elegant Comfort + category: furniture + style: sofas + description: This stylish pale gray sofa adds subtle elegance to any room. Its soft, + durable cushions provide exceptional comfort. With quality craftsmanship, this + versatile piece effortlessly blends into both traditional and modern decor. + price: 887.99 + image: f8834f5f-4017-4da0-98d6-3c8985cbc7f5.jpg + where_visible: UI +- id: 6b985b88-1471-4b1d-a4db-2f26810c9da2 + current_stock: 18 + name: Comfy Gray Modern Sofa + category: furniture + style: sofas + description: "This stylish modern gray sofa provides plush comfort and elegant design\ + \ to complement any d\xE9cor. Upholstered in smooth fabric with sloped arms and\ + \ dark espresso legs, it's the perfect focal point for relaxing or gathering with\ + \ friends." + price: 564.99 + image: 6b985b88-1471-4b1d-a4db-2f26810c9da2.jpg + where_visible: UI +- id: 17ab5081-8414-4cab-9003-033ec02b44da + current_stock: 6 + name: Cozy Dark Gray Tufted Sofa + category: furniture + style: sofas + description: Expertly crafted with plush cushions, this elegant dark gray sofa lends + subtle sophistication to any room. Its timeless tufted design and sturdy construction + ensure superior comfort and lasting durability. + price: 667.99 + image: 17ab5081-8414-4cab-9003-033ec02b44da.jpg + where_visible: UI +- id: 2a7edd2e-4bba-402a-bb49-07afba2a5790 + current_stock: 16 + name: Comfy Pale Gray Sofa + category: furniture + style: sofas + description: Expertly crafted with soft upholstery, this elegant pale gray sofa + adds subtle sophistication to any space. Its classic design provides exceptional + comfort and support for relaxation in style. + price: 499.99 + image: 2a7edd2e-4bba-402a-bb49-07afba2a5790.jpg + where_visible: UI +- id: 927cdbe0-55da-485b-850d-6ccb902e1b83 + current_stock: 13 + name: Rustic Leather Sofa for Cozy Living + category: furniture + style: sofas + description: With plush cushions and elegant design, this versatile saddle brown + leather sofa makes a sophisticated statement in any living space. Its timeless + style and sturdy build ensures years of unparalleled comfort. + price: 854.99 + image: 927cdbe0-55da-485b-850d-6ccb902e1b83.jpg + where_visible: UI +- id: aad3e9c2-a21c-42cf-b477-466da2a0a32b + current_stock: 12 + name: Stylish Black Leather Sofa + category: furniture + style: sofas + description: With sleek modern lines and plush cushions, this sumptuous black leather + sofa provides exceptional comfort and elegance. A refined statement piece to become + the highlight of any living space. + price: 856.99 + image: aad3e9c2-a21c-42cf-b477-466da2a0a32b.jpg + where_visible: UI + promoted: true +- id: 8b9733b9-cbea-4de3-978b-5e3f0e8c796c + featured: true + current_stock: 18 + name: Indulge in Luxurious Leather Comfort + category: furniture + style: sofas + description: Introducing the Chocolate Indulgence Sofa, a lavish brown leather sofa + with plush pillows that provides sophisticated style and supreme comfort for your + living room. Its timeless design envelops you in luxury. + price: 736.99 + image: 8b9733b9-cbea-4de3-978b-5e3f0e8c796c.jpg + where_visible: UI +- id: d24d9212-ca95-45c0-9ced-1d315722d035 + current_stock: 7 + name: Cozy Slate Gray Plush Sofa + category: furniture + style: sofas + description: Craft a cozy oasis with this plush slate gray sofa. Its soft cushions + and adaptable style promise versatile lounging to complement any decor. + price: 676.99 + image: d24d9212-ca95-45c0-9ced-1d315722d035.jpg + where_visible: UI +- id: 7a373422-fc33-4e71-959f-99998d0b7686 + current_stock: 15 + name: Slate 3-Seater Sofa with Refined Style + category: furniture + style: sofas + description: This stylish dark slate gray 3-seater sofa provides refined, comfortable + seating for 3-4. Its soft, durable upholstery and timeless design seamlessly blend + into any living space. + price: 880.99 + image: 7a373422-fc33-4e71-959f-99998d0b7686.jpg + where_visible: UI +- id: 4434a6d2-bcdd-43f9-b910-26d926ec7c34 + current_stock: 8 + name: Comfy Brown Leather Sofa + category: furniture + style: sofas + description: This spacious brown leather sofa provides refined elegance and everyday + comfort for your living room. Its durable, quality construction promises years + of relaxation. + price: 898.99 + image: 4434a6d2-bcdd-43f9-b910-26d926ec7c34.jpg + where_visible: UI +- id: 8abb77b7-2650-46f1-8990-df06360fd2b2 + current_stock: 14 + name: Comfy Light Gray Sofa + category: furniture + style: sofas + description: With its timeless, elegant design, this plush light gray sofa adds + sophisticated style to any room. Upholstered in soft, durable fabric, it provides + exceptional comfort while serving as a stylish centerpiece for relaxing or entertaining. + price: 781.99 + image: 8abb77b7-2650-46f1-8990-df06360fd2b2.jpg + where_visible: UI +- id: a87aa681-f9bb-48a7-9d79-4aafc7b6d6db + current_stock: 10 + name: Sleek Gray Accent Table Saves Space + category: furniture + style: tables + description: "With a sleek, modern look, this versatile light gray accent table\ + \ seamlessly blends into any d\xE9cor. Its compact design saves space while providing\ + \ display and functionality." + price: 276.99 + image: a87aa681-f9bb-48a7-9d79-4aafc7b6d6db.jpg + where_visible: UI + promoted: true +- id: 946437d2-1462-4b8e-81fb-e637f47ae824 + current_stock: 7 + name: Sleek Gray Minimalist Accent Table + category: furniture + style: tables + description: With its sleek, minimalist design, this versatile gray accent table + adds stylish, urban flair to any room. Sturdy yet lightweight, it provides convenient + surface space without overpowering your decor. + price: 194.99 + image: 946437d2-1462-4b8e-81fb-e637f47ae824.jpg + where_visible: UI +- id: 7a935ba6-f5a2-4253-916a-1c1f6dd9a6fe + current_stock: 15 + name: Rustic Wood Accent Table + category: furniture + style: tables + description: This stylish mid-century modern wooden accent table adds warmth and + refined contemporary style to any room. The sleek tapered legs and smooth tabletop + provide an elegant spot to display cherished decor. + price: 320.99 + image: 7a935ba6-f5a2-4253-916a-1c1f6dd9a6fe.jpg + where_visible: UI +- id: fe7064d5-c536-4a97-931e-f4509a91b84c + current_stock: 18 + name: Sleek Dark Wood Accent Table + category: furniture + style: tables + description: This stylish slate gray accent table brings subtle, brooding elegance + to any room. Crafted from rich, dark wood with a sleek, minimalist design, it's + versatile enough for contemporary or traditional decor. + price: 344.99 + image: fe7064d5-c536-4a97-931e-f4509a91b84c.jpg + where_visible: UI +- id: 0aa92eeb-2d88-4b26-9e3b-5cbf6053c925 + current_stock: 19 + name: Sleek White Minimalist Accent Table + category: furniture + style: tables + description: This minimalist white accent table adds an elegant touch to any room. + Its smooth bright finish and clean lines complement both classic and contemporary + decor. + price: 144.99 + image: 0aa92eeb-2d88-4b26-9e3b-5cbf6053c925.jpg + where_visible: UI + promoted: true +- id: 78c4001b-7b3e-49eb-ab25-a5d3c8beff66 + current_stock: 16 + name: Sleek White Accent Table Brightens Any Room + category: furniture + style: tables + description: This sleek and stylish white accent table effortlessly elevates any + space with its clean lines, bright white finish, and versatile design. An elegant + home decor accent for displaying decor. + price: 241.99 + image: 78c4001b-7b3e-49eb-ab25-a5d3c8beff66.jpg + where_visible: UI +- id: 7f4248fb-69ed-46d5-b038-9502b662ad13 + current_stock: 17 + name: Funky Tan Accent Table + category: furniture + style: tables + description: With its distinctive contemporary design, this versatile tan accent + table adds visual flair as a sofa sidekick or bedroom focal point while providing + convenient surface space. + price: 181.99 + image: 7f4248fb-69ed-46d5-b038-9502b662ad13.jpg + where_visible: UI +- id: fda46669-e13c-4268-abf6-75a8bad23b47 + current_stock: 18 + name: Sleek Modern Slate Accent Table + category: furniture + style: tables + description: Introducing the Dark Slate Gray Accent Table - a refined, fashionable + furnishing to elevate your home's style. This sleek, modern table with smooth + slate top and tapered legs adds a stylish touch to any room. The versatile dark + gray tone complements any decor. + price: 244.99 + image: fda46669-e13c-4268-abf6-75a8bad23b47.jpg + where_visible: UI + promoted: true +- id: ded6d577-4fc3-44e1-9cde-d01d6d2f4c7c + current_stock: 6 + name: Sleek Beige Accent Table + category: furniture + style: tables + description: This sleek beige accent table adds modern style to any room. Crafted + with care, its neutral tone blends seamlessly while the smooth finish and slender + design provide the perfect display space. + price: 278.99 + image: ded6d577-4fc3-44e1-9cde-d01d6d2f4c7c.jpg + where_visible: UI +- id: 8b7e7fcf-5db4-4279-b00a-932dcbdcc03c + current_stock: 8 + name: Sleek Sienna Table with Hidden Shelf + category: furniture + style: tables + description: With its sleek minimalist lines and warm sienna finish, this stylish + accent table conveniently stashes remotes and more while complementing any decor. + Its compact size and handy lower shelf maximize your space. + price: 147.99 + image: 8b7e7fcf-5db4-4279-b00a-932dcbdcc03c.jpg + where_visible: UI + promoted: true +- id: 2d2ea623-ed58-46bb-a95c-c932546c124e + current_stock: 12 + name: Golden Glamour Accent Table + category: furniture + style: tables + description: The Golden Accent Table adds a dash of glamour to any space with its + brilliant golden finish and sleek, tapered legs. This stylish yet functional accent + table provides a handy surface for decor in a compact size. + price: 162.99 + image: 2d2ea623-ed58-46bb-a95c-c932546c124e.jpg + where_visible: UI +- id: b874dde3-1102-46a9-8a6c-28981ac151a8 + current_stock: 11 + name: Sleek Gainsboro Accent Table Adds Refined Style + category: furniture + style: tables + description: With its fashionable gainsboro finish and sleek, minimalist design, + this lightweight accent table adds refined style to any room. The smooth tabletop + displays decor with chic flair. + price: 349.99 + image: b874dde3-1102-46a9-8a6c-28981ac151a8.jpg + where_visible: UI +- id: fe952283-95ea-4d20-9b6e-b0711698b171 + current_stock: 7 + name: Rustic Rose Accent Table + category: furniture + style: tables + description: With its vintage style and rosy-brown color, this lightweight accent + table adds retro flair as a functional sidekick next to sofas, chairs, and beds + to hold decor and belongings in chic fashion. + price: 272.99 + image: fe952283-95ea-4d20-9b6e-b0711698b171.jpg + where_visible: UI +- id: 72179022-fcea-42f0-bc31-f0482d7a2e66 + current_stock: 19 + name: Sleek Gainsboro Coffee Table Adds Minimalist Style + category: furniture + style: tables + description: With its sleek metal legs and smooth gainsboro tabletop, this minimalist + coffee table adds function and style to your living room. The perfect centerpiece + for relaxing afternoons and casual gatherings. + price: 171.99 + image: 72179022-fcea-42f0-bc31-f0482d7a2e66.jpg + where_visible: UI +- id: 79f35543-d013-426e-a2b2-64a03921243f + current_stock: 15 + name: Rustic Wood Coffee Table + category: furniture + style: tables + description: With its sleek, minimalist design, this stylish wooden coffee table + adds an effortlessly cool and elegant touch to any living space. The smooth natural + wood and sturdy construction create a versatile piece to display decor. + price: 165.99 + image: 79f35543-d013-426e-a2b2-64a03921243f.jpg + where_visible: UI +- id: 363a0c5c-998b-4f66-85a0-21704d91f4c6 + current_stock: 9 + name: Sleek Gray Lacquer Coffee Table + category: furniture + style: tables + description: Sleek, modern coffee table with durable wood construction and stylish + gray lacquer finish. The clean lines and neutral tone complement any decor while + providing a stable surface for entertaining. + price: 194.99 + image: 363a0c5c-998b-4f66-85a0-21704d91f4c6.jpg + where_visible: UI +- id: 75917ca3-d96d-49c9-b99a-60baac872b7a + current_stock: 6 + name: Rustic Rosy Coffee Table + category: furniture + style: tables + description: Introducing the Rosy-Brown Stylish Coffee Table - this vibrant, smooth + rosy-brown table brings warmth and style to any room. Its sturdy yet lightweight + design provides ample tabletop space for entertaining and relaxation. + price: 281.99 + image: 75917ca3-d96d-49c9-b99a-60baac872b7a.jpg + where_visible: UI +- id: 5730d368-9c6d-48b4-ad27-c180e486621c + current_stock: 8 + name: Sleek Gray Minimalist Coffee Table + category: furniture + style: tables + description: With its refined yet relaxed minimalist design, this durable light + gray coffee table provides elegant style and ample tabletop space for your living + room. + price: 278.99 + image: 5730d368-9c6d-48b4-ad27-c180e486621c.jpg + where_visible: UI +- id: 82253f6d-9206-4991-99ff-f8f1773a2e80 + current_stock: 15 + name: Sleek Dark Gray Coffee Table + category: furniture + style: tables + description: This stylish dark gray coffee table features a sleek, modern design + that effortlessly complements any decor. Its smooth tabletop provides the perfect + spot to set down drinks and snacks as you relax. + price: 230.99 + image: 82253f6d-9206-4991-99ff-f8f1773a2e80.jpg + where_visible: UI +- id: 557bb55d-3cac-4c5c-bb30-1d66bc60e8ae + current_stock: 7 + name: Rustic Rose Workstation Table + category: furniture + style: tables + description: The Rosy-Brown Work Table brings style and productivity to your workspace + with its spacious tabletop, durable construction, and warm rosy-brown finish. + Perfect for home offices, craft rooms, or garages. + price: 188.99 + image: 557bb55d-3cac-4c5c-bb30-1d66bc60e8ae.jpg + where_visible: UI +- id: 311a58ac-0a23-4b31-a246-fa5f017eef71 + current_stock: 7 + name: Sturdy Dark Gray Worktable + category: furniture + style: tables + description: The Dark Gray Worktable provides a spacious, durable workspace to tackle + projects and paperwork. Its professional look seamlessly fits any office decor. + price: 318.99 + image: 311a58ac-0a23-4b31-a246-fa5f017eef71.jpg + where_visible: UI +- id: 3bde584c-b3eb-4d16-94d9-112799670674 + current_stock: 11 + name: Sleek Gray Workstation Table Promotes Productivity + category: furniture + style: tables + description: This versatile pale gray work table blends seamlessly into any workspace. + Its spacious and sturdy design provides an ideal foundation for productivity. + price: 163.99 + image: 3bde584c-b3eb-4d16-94d9-112799670674.jpg + where_visible: UI + promoted: true +- id: 87603f27-7e5a-441e-95f6-ee33878695da + current_stock: 8 + name: Sleek Adjustable Laminate Workspace + category: furniture + style: tables + description: This versatile laminate workspace boosts productivity with its height-adjustable + legs, spacious tabletop, and integrated wire management to keep your projects + organized. + price: 295.99 + image: 87603f27-7e5a-441e-95f6-ee33878695da.jpg + where_visible: UI +- id: 64c544f9-4751-446b-9dfb-49776eb7c278 + current_stock: 11 + name: Sturdy Gray Laminate Worktable + category: furniture + style: tables + description: This durable, stylish worktable provides an ideal workspace with its + spacious laminate tabletop and sturdy powder-coated steel base. Perfect for home + or office use. + price: 303.99 + image: 64c544f9-4751-446b-9dfb-49776eb7c278.jpg + where_visible: UI +- id: 36b358a0-8525-4d15-87a1-c040b23ba9a3 + current_stock: 18 + name: Sturdy White Adjustable Worktable + category: furniture + style: tables + description: Elevate your workspace with our adjustable White Worktable featuring + a large 47x23.5" melamine top and steel frame in a clean white finish - perfect + for crafting, office work, and more. + price: 325.99 + image: 36b358a0-8525-4d15-87a1-c040b23ba9a3.jpg + where_visible: UI +- id: 5dcabfe7-c137-4884-a78f-15bd313ec491 + current_stock: 12 + name: Sleek White Worktable Boosts Office + category: furniture + style: tables + description: The White Worktable for Office provides a clean, durable surface for + office tasks and collaboration. Its spacious white tabletop complements any workspace. + price: 246.99 + image: 5dcabfe7-c137-4884-a78f-15bd313ec491.jpg + where_visible: UI +- id: bd1f78d6-393b-4269-9c5b-300700bb9dab + current_stock: 17 + name: Sleek Powder-Coated Work Table + category: furniture + style: tables + description: The Gainsboro Work Table boosts productivity with its spacious gainsboro + tabletop, rounded corners, and sturdy powder coated steel frame. Part of the essentials + collection, this elegant worktable seamlessly fits any home office. + price: 321.99 + image: bd1f78d6-393b-4269-9c5b-300700bb9dab.jpg + where_visible: UI +- id: 043ae9af-556e-4ac9-b2ce-9c97071d4d08 + current_stock: 8 + name: Slate Work Table for Any Space + category: furniture + style: tables + description: This versatile light slate gray work table provides a durable and functional + workspace for your home office, craft area, or garage. Its neutral color complements + any decor while the spacious top offers plenty of room to spread out projects. + price: 295.99 + image: 043ae9af-556e-4ac9-b2ce-9c97071d4d08.jpg + where_visible: UI +- id: 17098976-d5cc-4470-b4b4-bdaed34ae6a0 + current_stock: 10 + name: Sleek White Laminate Worktable + category: furniture + style: tables + description: "This stylish bright white laminate worktable provides ample durable\ + \ workspace for any office. Its clean minimalist design complements contemporary\ + \ and traditional d\xE9cor." + price: 302.99 + image: 17098976-d5cc-4470-b4b4-bdaed34ae6a0.jpg + where_visible: UI +- id: 6377bbe2-0972-4376-a797-1af84af9a3a6 + current_stock: 18 + name: Rustic Handcrafted Work Desk + category: furniture + style: tables + description: The Wooden Worktable offers a sturdy, richly crafted workspace to spread + out projects or paperwork. Its expert design provides an organic look and durable + utility for daily office use as a computer desk or extra table. + price: 325.99 + image: 6377bbe2-0972-4376-a797-1af84af9a3a6.jpg + where_visible: UI + promoted: true +- id: 1ec03abf-262f-4710-83f8-ea251b155c37 + current_stock: 12 + name: Sleek Workstation Powers Productivity Anywhere + category: furniture + style: tables + description: The spacious Bisque Workstation keeps you powered up and organized + with built-in outlets, USB charging, and slide-out keyboard tray. Its sturdy laminate + surface and locking casters allow productivity anywhere. + price: 188.99 + image: 1ec03abf-262f-4710-83f8-ea251b155c37.jpg + where_visible: UI +- id: d69281f1-1e9d-44b4-ab42-5fa8a3273ffc + current_stock: 16 + name: Sleek White Worktable for Productivity + category: furniture + style: tables + description: Introducing the White Laminate Worktable - a spacious and sturdy surface + for all your office needs. This modern worktable features a clean white laminate + finish and steel frame for unmatched durability. The open design provides easy + access while keeping cords organized. Elevate your workspace with this versatile + furniture piece. + price: 327.99 + image: d69281f1-1e9d-44b4-ab42-5fa8a3273ffc.jpg + where_visible: UI + promoted: true +- id: 7719893d-b5d8-4277-ac66-b2fb3394063e + current_stock: 12 + name: Sleek White Work Table Boosts Productivity + category: furniture + style: tables + description: This sleek, spacious white work table boosts productivity with its + sturdy build and ample workspace. Perfect for home offices and craft rooms, its + clean style and stain-resistant surface keep your workspace tidy and professional. + price: 153.99 + image: 7719893d-b5d8-4277-ac66-b2fb3394063e.jpg + where_visible: UI +- id: 3bf93647-1742-4355-9d23-a7a3068012c7 + current_stock: 9 + name: Sturdy White Worktable for Projects + category: furniture + style: tables + description: White laminate worktable provides a spacious, durable surface for handling + large projects. Its minimalist design seamlessly fits any workspace. + price: 335.99 + image: 3bf93647-1742-4355-9d23-a7a3068012c7.jpg + where_visible: UI +- id: 8892e3b5-ac5e-4e02-9e67-6b273c4ac114 + current_stock: 15 + name: Sturdy White Adjustable Workstation + category: furniture + style: tables + description: This versatile white laminate adjustable height work table provides + a spacious and durable workspace to increase productivity. Its sturdy steel frame + and leveling glides create a steady foundation for any task. + price: 280.99 + image: 8892e3b5-ac5e-4e02-9e67-6b273c4ac114.jpg + where_visible: UI +- id: df8e287c-867b-4b4d-bf27-e3055afa2a16 + current_stock: 8 + name: Rustic Wood Work Table + category: furniture + style: tables + description: This durable dark khaki work table boosts home office productivity + with its spacious 47x23.5" surface and sturdy wood construction. The smooth tabletop + provides a comfortable workspace for completing tasks. + price: 239.99 + image: df8e287c-867b-4b4d-bf27-e3055afa2a16.jpg + where_visible: UI +- id: c26e6166-6609-4e61-a674-3e58b6dfc7fc + current_stock: 19 + name: Sleek Wooden Table for Productivity + category: furniture + style: tables + description: The Light Brown Minimalist Work Table provides an essential, durable + workspace to increase productivity. Its spacious tabletop, clean lines, and sturdy + wood construction lend an airy modern feel to any home office. + price: 269.99 + image: c26e6166-6609-4e61-a674-3e58b6dfc7fc.jpg + where_visible: UI +- id: db3c71cc-6d04-4559-bafc-449a20029244 + current_stock: 14 + name: Sleek Gray Workspace Table + category: furniture + style: tables + description: With its sleek modern design and sturdy construction, this spacious + dark gray table provides an ideal workspace that withstands years of use. The + durable laminate surface and sturdy metal legs offer superior stability for optimizing + any home or office. + price: 316.99 + image: db3c71cc-6d04-4559-bafc-449a20029244.jpg + where_visible: UI +- id: 2ede2b07-c7a0-4796-bdf5-6bc7c834dfae + current_stock: 10 + name: Sleek Gainsboro Workstation Table + category: furniture + style: tables + description: Expertly crafted gainsboro work table provides an ideal workspace with + spacious tabletop and sturdy steel frame for unrivaled utility. Functional design + and neutral style seamlessly blend into any decor. + price: 269.99 + image: 2ede2b07-c7a0-4796-bdf5-6bc7c834dfae.jpg + where_visible: UI +- id: 1dd4c2da-d174-43b1-8d40-fadc666c26c9 + current_stock: 17 + name: Rustic Burlywood Worktable + category: furniture + style: tables + description: "The Burlywood Worktable adds warmth and beauty to any workspace. Expertly\ + \ crafted from richly-hued burlywood wood, this sturdy table provides ample room\ + \ for office tasks while its timeless style enhances your d\xE9cor." + price: 237.99 + image: 1dd4c2da-d174-43b1-8d40-fadc666c26c9.jpg + where_visible: UI + promoted: true +- id: c02e9ebe-eb65-4a03-9078-e4faf330ddd0 + current_stock: 6 + name: Sleek Wheat Work Table Boosts Productivity + category: furniture + style: tables + description: The Wheat Hue Work Table offers a sleek, modern design to optimize + your productivity. Expertly crafted with a spacious tabletop and clever wire management, + this elegant furniture piece elevates any workspace aesthetic. + price: 320.99 + image: c02e9ebe-eb65-4a03-9078-e4faf330ddd0.jpg + where_visible: UI +- id: e80950d7-b0f8-473d-a06f-c5ec49219001 + current_stock: 6 + name: Sleek Black Worktable for Productive Spaces + category: furniture + style: tables + description: This sturdy black worktable boasts a spacious surface and sleek modern + style, perfect for home offices or collaborative workspaces. Its durable construction + and useful features create an outstanding workspace. + price: 180.99 + image: e80950d7-b0f8-473d-a06f-c5ec49219001.jpg + where_visible: UI +- id: 5138061d-7f1d-437e-ab4e-87f97f4140f8 + current_stock: 7 + name: Rustic Wood Worktable for Productivity + category: furniture + style: tables + description: The Wooden Worktable offers a spacious and sturdy workspace to boost + productivity. Expertly crafted from solid wood with a timeless design, this functional + table provides the ideal surface for completing large projects in your home office. + price: 301.99 + image: 5138061d-7f1d-437e-ab4e-87f97f4140f8.jpg + where_visible: UI +- id: 86a3fc89-b3d4-4bbc-b168-696de7871ac9 + current_stock: 6 + name: Sleek Black Worktable for Home Office + category: furniture + style: tables + description: Stylish black laminate worktable provides ample workspace and durable + scratch-resistant surface for home or office use. + price: 340.99 + image: 86a3fc89-b3d4-4bbc-b168-696de7871ac9.jpg + where_visible: UI + promoted: true +- id: d4abbe9b-19dc-46d7-9ec7-1178f1df276a + current_stock: 9 + name: Sleek Dark Gray Worktable + category: furniture + style: tables + description: This elegantly crafted dark slate gray worktable provides a spacious + and durable surface for any workspace. Its professional style and quality build + lend sophistication while optimizing functionality. + price: 259.99 + image: d4abbe9b-19dc-46d7-9ec7-1178f1df276a.jpg + where_visible: UI +- id: 59924a8d-3168-4a39-80f2-0d94283fd6d5 + current_stock: 6 + name: Rustic Burlywood Worktable + category: furniture + style: tables + description: The warm Burlywood Worktable by Unrivaled brings reliable elegance + to your office. Its smooth tabletop provides ample, sturdy workspace, while the + rich burlywood finish adds timeless style. + price: 281.99 + image: 59924a8d-3168-4a39-80f2-0d94283fd6d5.jpg + where_visible: UI + promoted: true +- id: dfe8e597-14f3-48af-b86b-cfd80f2321cf + current_stock: 7 + name: Rustic Handcrafted Wood Worktable + category: furniture + style: tables + description: Expertly crafted from rich natural wood, this spacious and sturdy worktable + provides an ideal workspace for creative projects and productivity. Its timeless + design elevates any room. + price: 321.99 + image: dfe8e597-14f3-48af-b86b-cfd80f2321cf.jpg + where_visible: UI +- id: 4ea4ab51-cec5-4908-a95e-9529244cc050 + current_stock: 10 + name: Rustic Tan Worktable + category: furniture + style: tables + description: This minimalist tan worktable adds warmth and versatility to any workspace + with its spacious wood tabletop, sturdy metal frame, and sleek, refined design + that complements modern or rustic decor. + price: 129.99 + image: 4ea4ab51-cec5-4908-a95e-9529244cc050.jpg + where_visible: UI +- id: de374b6b-7636-4784-b555-b5b37ee158e0 + current_stock: 8 + name: Sleek Gray Workbench for Projects + category: furniture + style: tables + description: This sturdy light gray work table provides ample workspace for projects + with its spacious tabletop and durable metal frame. The scratch-resistant laminate + finish keeps it looking new. + price: 288.99 + image: de374b6b-7636-4784-b555-b5b37ee158e0.jpg + where_visible: UI +- id: e68f274b-2103-4f87-9a97-ac6f1cb5a475 + current_stock: 19 + name: Sleek White Metal Worktable + category: furniture + style: tables + description: The White Worktable brings minimalist elegance to any workspace with + its bright white tabletop and sturdy metal frame, providing a versatile hub for + meetings, crafts, and productivity. + price: 242.99 + image: e68f274b-2103-4f87-9a97-ac6f1cb5a475.jpg + where_visible: UI +- id: d055f31f-2e3e-4338-ac64-521f88779b50 + current_stock: 8 + name: Sleek Dark Gray Worktable for Sophisticated Style + category: furniture + style: tables + description: The Dark Gray Worktable blends sophistication and utility with its + spacious, durable tabletop and rich, elegant dark gray finish - perfect for any + home office or workspace. + price: 178.99 + image: d055f31f-2e3e-4338-ac64-521f88779b50.jpg + where_visible: UI + promoted: true +- id: 801de26f-fc73-4c71-bad0-e3d2509e2648 + current_stock: 17 + name: Sleek Gray Minimalist Worktable + category: furniture + style: tables + description: The Gainsboro minimalist worktable blends sophisticated style and sturdy + performance. Its spacious gray desktop provides a professional yet versatile work + surface for any office. + price: 207.99 + image: 801de26f-fc73-4c71-bad0-e3d2509e2648.jpg + where_visible: UI + promoted: true +- id: d3d53458-ea05-4544-9a11-5a44df873e4d + current_stock: 6 + name: Sleek White Standing Desk + category: furniture + style: tables + description: The minimalist White Worktable features an engineered wood tabletop + with adjustable steel legs to convert from sitting to standing. Its built-in power + strip keeps devices charged while the shelf below stows clutter in any workspace. + price: 160.99 + image: d3d53458-ea05-4544-9a11-5a44df873e4d.jpg + where_visible: UI +- id: 2dad0e8f-41d6-4490-ae4d-6a712007b4e7 + current_stock: 14 + name: Sleek Gray Workspace Table + category: furniture + style: tables + description: This minimalist dark gray work table provides an efficient, durable + workspace to boost productivity. Its sturdy construction and spacious surface + support projects up to 100lbs while its neutral style complements any decor. + price: 223.99 + image: 2dad0e8f-41d6-4490-ae4d-6a712007b4e7.jpg + where_visible: UI + promoted: true +- id: 6a1c85a2-0a73-4358-a99f-ec75b4c33f99 + current_stock: 18 + name: Sleek Light Gray Worktable for Projects + category: furniture + style: tables + description: Expertly crafted light gray worktable provides a spacious and stable + workspace to spread out projects. With clean lines and a sleek steel frame, this + professional table complements any office decor. + price: 276.99 + image: 6a1c85a2-0a73-4358-a99f-ec75b4c33f99.jpg + where_visible: UI +- id: 8db2db4e-ee27-47d9-aa2a-0fb5e865b2fa + current_stock: 18 + name: Sleek White Office Worktable + category: furniture + style: tables + description: The White Worktable's minimalist design and bright white finish provide + an elegant and functional workspace for any office. Sturdy metal legs offer durability + for daily use. + price: 314.99 + image: 8db2db4e-ee27-47d9-aa2a-0fb5e865b2fa.jpg + where_visible: UI +- id: 7da40dc7-cacd-437c-90f0-6d72ae9c9472 + current_stock: 17 + name: Vibrant Orange Worktable Promotes Focus + category: furniture + style: tables + description: The Orange Worktable adds a burst of energy and focus to any workspace. + Expertly crafted with a smooth tabletop and sturdy legs, this vibrant furniture + piece promotes productivity for work or hobbies. + price: 156.99 + image: 7da40dc7-cacd-437c-90f0-6d72ae9c9472.jpg + where_visible: UI +- id: 335cb058-b670-42d0-89a8-305fe91291cf + current_stock: 8 + name: Sturdy Pale Gray Work Table + category: furniture + style: tables + description: With spacious tabletop and sturdy pale gray build, this professional + quality work table increases productivity in your home office or workspace. + price: 181.99 + image: 335cb058-b670-42d0-89a8-305fe91291cf.jpg + where_visible: UI +- id: be0967ed-5970-46b2-8d57-13065f647013 + current_stock: 10 + name: Sleek Black Worktable for Professional Projects + category: furniture + style: tables + description: The Black Worktable offers a sleek, professional workspace with a spacious + and durable surface to spread out projects or set up your office essentials. Its + versatile black design lends an upscale feel. + price: 256.99 + image: be0967ed-5970-46b2-8d57-13065f647013.jpg + where_visible: UI +- id: 11ff6e47-b8e0-448e-92d5-df4137279634 + current_stock: 6 + name: Rustic Wooden Worktable + category: furniture + style: tables + description: The Tan Work Table provides a sturdy and spacious tan wood workspace + to increase productivity. Its minimalist design seamlessly fits any decor while + offering ample room for projects, paperwork, and more. + price: 139.99 + image: 11ff6e47-b8e0-448e-92d5-df4137279634.jpg + where_visible: UI + promoted: true +- id: ff47435d-97d2-4d05-b3e8-294d4c47cbc3 + current_stock: 15 + name: Sleek Dark Gray Worktable Boosts Productivity + category: furniture + style: tables + description: Expertly crafted dark gray worktable provides a sophisticated and versatile + workspace solution. Durable construction and spacious surface accommodate projects + and tasks. Timeless design effortlessly matches any office decor. + price: 212.99 + image: ff47435d-97d2-4d05-b3e8-294d4c47cbc3.jpg + where_visible: UI +- id: af51e84d-4043-4a11-88de-8233129ac8b2 + current_stock: 14 + name: Sleek Gray Workstation Table for Projects + category: furniture + style: tables + description: Sturdy, spacious light gray tabletop on a durable metal frame provides + an ideal workspace for any task or project demanding ample, stable surface area. + Blends with decor. + price: 225.99 + image: af51e84d-4043-4a11-88de-8233129ac8b2.jpg + where_visible: UI +- id: 7c859d38-407a-4b5f-8125-c901bd3f5562 + current_stock: 18 + name: Sturdy Black Worktable Boosts Productivity + category: furniture + style: tables + description: With a sturdy black frame and spacious tabletop, this versatile Black + Worktable optimizes workspace and productivity. Its durable construction and timeless + design add function and style to any room. + price: 194.99 + image: 7c859d38-407a-4b5f-8125-c901bd3f5562.jpg + where_visible: UI +- id: ddae863a-5c80-4f88-a57c-d0296668220e + current_stock: 18 + name: Rustic Warmth Worktable + category: furniture + style: tables + description: The Sienna Worktable adds warmth and style to your office with its + spacious sienna-finished tabletop perfect for spreading out projects or gathering + with colleagues. This sturdy, functional furniture piece complements any decor. + price: 174.99 + image: ddae863a-5c80-4f88-a57c-d0296668220e.jpg + where_visible: UI +- id: 0665c441-8841-47c5-84e4-a897bd78ee84 + current_stock: 16 + name: Rustic Rosy Workstation Table + category: furniture + style: tables + description: Energize your workspace with the beautiful and functional Rosy-Brown + Work Table. Its spacious tabletop and smooth finish optimize workflow while its + rich, warm color adds vibrance. + price: 158.99 + image: 0665c441-8841-47c5-84e4-a897bd78ee84.jpg + where_visible: UI +- id: 8ef26e52-1e2a-4fb1-bcaf-3e65ee8c275b + current_stock: 14 + name: Sturdy Wooden Worktable for Productivity + category: furniture + style: tables + description: The Wooden Worktable offers a spacious and sturdy wood surface perfect + for productivity. Its minimalist design provides efficient utility for any home + office or studio. Built with quality joinery and durable wood for long-lasting + use. + price: 284.99 + image: 8ef26e52-1e2a-4fb1-bcaf-3e65ee8c275b.jpg + where_visible: UI +- id: e6009e07-6e23-48f7-8085-426f1d466c79 + current_stock: 13 + name: Sturdy White Worktable Boosts Productivity + category: furniture + style: tables + description: White laminate worktable with spacious tabletop and sturdy steel frame. + Versatile furniture for home office, studio or workspace. Durable and sleek modern + design to boost productivity. + price: 210.99 + image: e6009e07-6e23-48f7-8085-426f1d466c79.jpg + where_visible: UI +- id: 0ad9cfa9-4663-4637-969e-e19bd1466563 + current_stock: 16 + name: Rustic Steel Workspace Table + category: furniture + style: tables + description: Sturdy steel frame and spacious laminate tabletop give you a versatile + workstation. This dark gray table maximizes efficiency with robust construction, + adjustable legs, and an open concept ideal for any workspace. + price: 191.99 + image: 0ad9cfa9-4663-4637-969e-e19bd1466563.jpg + where_visible: UI +- id: e02b3312-b8f3-4031-8b86-4bf9873e9f75 + current_stock: 11 + name: Rustic Worktable Adds Warmth + category: furniture + style: tables + description: This durable burlywood worktable adds warmth and elegance to any office. + Its spacious surface and sleek tapered legs provide an impressive workspace. + price: 347.99 + image: e02b3312-b8f3-4031-8b86-4bf9873e9f75.jpg + where_visible: UI +- id: da1fb708-edc1-4180-b9f0-1a6fb1fd3416 + current_stock: 17 + name: Sleek Modern Minimalist Worktable + category: furniture + style: tables + description: The Light Gray Minimalist Worktable features a spacious, sturdy workspace + and sleek, modern design to anchor your office with productivity and style. + price: 245.99 + image: da1fb708-edc1-4180-b9f0-1a6fb1fd3416.jpg + where_visible: UI +- id: e76b9772-afa5-4846-b2fb-057d810a364e + current_stock: 8 + name: Sturdy Gray Work Table Boosts Productivity + category: furniture + style: tables + description: Sturdy pale gray work table boosts productivity with spacious surface + and stable design. Clean, professional look blends into any decor. + price: 273.99 + image: e76b9772-afa5-4846-b2fb-057d810a364e.jpg + where_visible: UI + promoted: true +- id: 448bac96-2ade-4410-9632-e208c456fcf7 + current_stock: 9 + name: Sturdy Powder Blue Workstation + category: furniture + style: tables + description: This powder blue work table boasts a spacious, durable laminate surface + and sturdy metal frame, creating an ideal workspace to maximize your productivity. + price: 217.99 + image: 448bac96-2ade-4410-9632-e208c456fcf7.jpg + where_visible: UI +- id: e7f7550f-d507-40d1-ae9b-358fff97fc73 + current_stock: 14 + name: Sleek Orange Workstation Boosts Productivity + category: furniture + style: tables + description: Revamp your home office with the sleek, spacious Peru-Orange Work Table. + Its durable tabletop and sturdy base provide a productivity-boosting workspace. + price: 162.99 + image: e7f7550f-d507-40d1-ae9b-358fff97fc73.jpg + where_visible: UI +- id: 57a3d53a-96d8-4f48-8fb4-5bff6e461a64 + current_stock: 16 + name: Rustic Brown Worktable + category: furniture + style: tables + description: This saddle brown worktable blends timeless style and sturdy craftsmanship, + providing an elegant and functional workspace for any office or home. + price: 298.99 + image: 57a3d53a-96d8-4f48-8fb4-5bff6e461a64.jpg + where_visible: UI +- id: 56dcfc2b-01d2-42d1-8002-32fdbe1a034a + current_stock: 14 + name: Sturdy Dark Khaki Worktable Boosts Productivity + category: furniture + style: tables + description: This dark khaki work table blends function and style with its spacious + surface and sturdy design. Perfect for crafts, office work, or projects, it provides + ample space and stability to boost productivity. + price: 203.99 + image: 56dcfc2b-01d2-42d1-8002-32fdbe1a034a.jpg + where_visible: UI +- id: 2a49853d-f818-4a46-8008-6ee9ef256809 + current_stock: 6 + name: Sturdy Salmon Workspace Table + category: furniture + style: tables + description: This versatile dark salmon work table is perfect for home offices and + craft rooms with its spacious tabletop, ample storage drawers and shelves, sturdy + wood construction, productivity-boosting design, and eye-catching color. + price: 238.99 + image: 2a49853d-f818-4a46-8008-6ee9ef256809.jpg + where_visible: UI +- id: e8e48eb7-0b66-4087-b280-1c3a62804a5c + current_stock: 13 + name: Sleek Linen Workstation for Focus + category: furniture + style: tables + description: The Linen Hue Work Table boosts home office productivity with its spacious, + smooth linen work surface and sturdy hardwood legs. An elegant and functional + minimalist design that creates an uncluttered workspace for focus. + price: 320.99 + image: e8e48eb7-0b66-4087-b280-1c3a62804a5c.jpg + where_visible: UI + promoted: true +- id: 3ef07621-8af8-42c5-891b-94f403787fd7 + current_stock: 19 + name: Rugged Steel Workbench On Wheels + category: furniture + style: tables + description: With a durable steel frame and spacious beech laminate top, this heavy-duty + four foot work table rolls smoothly on locking casters and provides ample workspace + and lower storage for maximum productivity. + price: 222.99 + image: 3ef07621-8af8-42c5-891b-94f403787fd7.jpg + where_visible: UI +- id: 966a08c6-ffab-4860-a3d1-f5dcd2e07f4f + current_stock: 9 + name: Rustic Burlywood Workstation + category: furniture + style: tables + description: Crafted from rich burlywood-stained wood, this spacious work table + features a large tabletop and open lower shelf for maximum workspace and storage. + Its neutral tone complements any decor while the durable construction provides + a stable surface for all your productivity needs. + price: 201.99 + image: 966a08c6-ffab-4860-a3d1-f5dcd2e07f4f.jpg + where_visible: UI + promoted: true +- id: e99c24df-ebe9-429e-8c69-cd80132b87b3 + current_stock: 15 + name: Rustic Carved Wood Dining Table + category: furniture + style: tables + description: This exquisitely carved rosy-brown wood dining table brings warmth + and beauty to your home with its smooth tabletop and intricately designed legs + built to last for decades of celebrations. + price: 305.99 + image: e99c24df-ebe9-429e-8c69-cd80132b87b3.jpg + where_visible: UI +- id: be14695b-f8cb-46b8-aecd-ef28f0218514 + current_stock: 17 + name: Sleek White 8-Seater Dining Table + category: furniture + style: tables + description: Spacious, versatile 8-seat dining table crafted from solid wood with + brilliant white lacquer finish. Sturdy leg design provides ample room for family + meals and gatherings. Smooth tabletop resists stains for easy clean up. + price: 225.99 + image: be14695b-f8cb-46b8-aecd-ef28f0218514.jpg + where_visible: UI +- id: c3b74175-5751-441c-b4a1-c0d9096edf43 + current_stock: 8 + name: Rustic 8-Seat Wood Dining Table + category: furniture + style: tables + description: This finely crafted 8-seat dining table lends elegance and warmth to + special gatherings with its rich wood grain and sturdy yet graceful design. + price: 168.99 + image: c3b74175-5751-441c-b4a1-c0d9096edf43.jpg + where_visible: UI +- id: 096b5e28-75ed-46c8-9033-9c00d5bb838e + current_stock: 14 + name: Rustic Hardwood Dining Table + category: furniture + style: tables + description: This spacious hardwood dining table seats 8 comfortably with ample + tabletop space for family meals or dinner parties. Crafted from rich wood with + tapered legs, it brings elegant warmth to your dining room. + price: 188.99 + image: 096b5e28-75ed-46c8-9033-9c00d5bb838e.jpg + where_visible: UI +- id: f8be29dd-e553-4d5b-9a8f-88c87c348061 + current_stock: 7 + name: Sleek White Dining Table for 6 + category: furniture + style: tables + description: Gather around our spacious white lacquered wood dining table for 6 + that brings refined style to family meals and entertaining. Versatile, durable + design complements any decor. + price: 166.99 + image: f8be29dd-e553-4d5b-9a8f-88c87c348061.jpg + where_visible: UI +- id: 68f56b2c-5807-42ee-9436-12257fb5bcfb + current_stock: 12 + name: Sleek Glass Dining Table, Modern Elegance + category: furniture + style: tables + description: Sleek, modern glass dining table seats your guests in style. Tempered + for durability and designed for beauty, this centerpiece adds an airy elegance + to any dining space. + price: 337.99 + image: 68f56b2c-5807-42ee-9436-12257fb5bcfb.jpg + where_visible: UI +- id: c8312844-248a-4a07-96a1-4c02cb1e2471 + current_stock: 15 + name: Rustic Tan Gathering Table + category: furniture + style: tables + description: This warm tan dining table promotes meaningful meals and memories with + family and friends. Crafted with high-quality materials, its minimalist yet timeless + design complements any decor. + price: 169.99 + image: c8312844-248a-4a07-96a1-4c02cb1e2471.jpg + where_visible: UI + promoted: true +- id: 7991a67e-5d9b-4c51-8191-856551ebebca + current_stock: 14 + name: Sleek White Dining Table Seats Six + category: furniture + style: tables + description: White lacquered wood dining table seats 6 comfortably. Versatile minimalist + design blends into any decor. Spacious rectangular top and tapered legs provide + sturdy yet airy support. An elegant centerpiece for family meals or festive entertaining. + price: 310.99 + image: 7991a67e-5d9b-4c51-8191-856551ebebca.jpg + where_visible: UI +- id: 2c6ce233-7b8c-4866-b04e-ec71c083b797 + current_stock: 13 + name: Sleek White Dining Table Seats Six + category: furniture + style: tables + description: White lacquer dining table seats 6 comfortably. Durable wood construction + with smooth tabletop provides elegant centerpiece for family meals or entertaining. + Contemporary design brightens any dining room decor. + price: 148.99 + image: 2c6ce233-7b8c-4866-b04e-ec71c083b797.jpg + where_visible: UI +- id: 06c5b78d-d957-411c-902c-ab0d0110cca0 + current_stock: 15 + name: Rustic Olive Wood Dining Table + category: furniture + style: tables + description: Craft a sophisticated dining space with this rich dark olive wood table. + Its polished pedestal base and smooth tabletop provide ample room for family meals + or festive entertaining. Subtle wood grain accents add warmth to the deep green + hue. + price: 200.99 + image: 06c5b78d-d957-411c-902c-ab0d0110cca0.jpg + where_visible: UI + promoted: true +- id: 1dcab6d3-e5df-41f5-bf91-ef2872c14271 + current_stock: 9 + name: Sleek Black Dining Table Seats Six + category: furniture + style: tables + description: This versatile black dining table seats 6 with a sleek, modern design + that fits any decor. Durable wood construction and a smooth finish ensure long-lasting + style for family meals and entertaining. + price: 340.99 + image: 1dcab6d3-e5df-41f5-bf91-ef2872c14271.jpg + where_visible: UI +- id: 74bfdb16-4ddd-41c0-b945-9df6632163d6 + current_stock: 18 + name: Rustic Wheat Dining Table + category: furniture + style: tables + description: The spacious Wheat Hue Dining Table seats the whole family comfortably. + Its warm, inviting wheat finish and durable construction make this quality wood + table the perfect gathering place for meals, homework, or game nights. + price: 175.99 + image: 74bfdb16-4ddd-41c0-b945-9df6632163d6.jpg + where_visible: UI +- id: 4f566f59-4400-437a-803e-88f81b303eec + current_stock: 16 + name: Rustic Rosy Dining Table + category: furniture + style: tables + description: Experience the warmth and charm of the Rosy-Brown Hardwood Dining Table. + Its rich rosy-brown finish and smooth sanded hardwood lend an elegant, traditional + style to any dining space. Gather friends and family around this beautifully crafted + centerpiece. + price: 183.99 + image: 4f566f59-4400-437a-803e-88f81b303eec.jpg + where_visible: UI +- id: 9fd8702a-7c00-4dd4-9813-1970dfcdffcb + current_stock: 10 + name: Oven-Fresh Bagels + category: groceries + style: bakery + description: Freshly baked each morning, our bagels have a chewy texture and subtle + sweetness. Enjoy these wholesome, hand-rolled treats topped with spreads or just + out of the oven. A tasty addition to any breakfast, lunch, or snack. + price: 8.99 + image: 9fd8702a-7c00-4dd4-9813-1970dfcdffcb.jpg + where_visible: UI + promoted: true +- id: ea26b793-5078-4e8c-8fed-7fdcde4fc559 + current_stock: 15 + name: Fresh Baked Bagels Daily + category: groceries + style: bakery + description: Freshly baked bagels with a chewy texture and subtle sweetness. Our + handcrafted bagels are boiled and baked each morning using quality ingredients. + A versatile bakery item great for breakfast, lunch or a snack. + price: 7.99 + image: ea26b793-5078-4e8c-8fed-7fdcde4fc559.jpg + where_visible: UI + promoted: true +- id: 8ec70df0-0924-4749-9c23-6deddada2f5e + current_stock: 10 + name: Fresh-Baked Daily Bagels + category: groceries + style: bakery + description: Our fresh artisan bagels are handcrafted daily with quality ingredients. + Boiled then baked for a chewy texture and subtle sweetness, they're a versatile + grocery staple to enjoy for any meal. + price: 6.99 + image: 8ec70df0-0924-4749-9c23-6deddada2f5e.jpg + where_visible: UI + promoted: true +- id: 9b777b98-9199-4efd-a46f-75429f6779e8 + current_stock: 16 + name: Chewy Spiced Morning Bagels + category: groceries + style: bakery + description: Freshly baked each morning with chewy texture and subtle sweetness, + our handcrafted bagels are a versatile classic topped with seeds or spices. Enjoy + plain, toasted or with spreads for breakfast, lunch or snacks. + price: 11.99 + image: 9b777b98-9199-4efd-a46f-75429f6779e8.jpg + where_visible: UI +- id: ff2605b2-b9f2-467a-bf07-14bce7e3f748 + current_stock: 19 + name: Homemade Daily Bagels + category: groceries + style: bakery + description: Our freshly baked bagels have a chewy texture and subtle sweetness. + Made daily with quality ingredients, these versatile breads add a homemade touch + to any meal. + price: 7.99 + image: ff2605b2-b9f2-467a-bf07-14bce7e3f748.jpg + where_visible: UI +- id: 44808231-a5a2-4de8-8cd1-724becb8455d + current_stock: 11 + name: Handcrafted Fresh Bagels Daily + category: groceries + style: bakery + description: Our handcrafted bagels are freshly baked each morning using quality + ingredients. Enjoy the chewy texture and subtle sweetness of these versatile classics + - perfect for breakfast, lunch or a snack. + price: 9.99 + image: 44808231-a5a2-4de8-8cd1-724becb8455d.jpg + where_visible: UI +- id: baa15dc9-30dc-445e-9670-c6ca7455367c + current_stock: 13 + name: Fresh Baked Bagels Daily + category: groceries + style: bakery + description: Our hand-rolled bagels are baked fresh daily with quality ingredients + for a delicious chewy taste. The perfect base for spreads or to enjoy plain, these + traditional favorites are an easy breakfast or snack. + price: 8.99 + image: baa15dc9-30dc-445e-9670-c6ca7455367c.jpg + where_visible: UI +- id: 7bc5ce87-2c88-4fe5-bd5e-b74e523c3bd2 + current_stock: 8 + name: Freshly Baked Daily Bread + category: groceries + style: bakery + description: Freshly baked each day, our classic Bread features a crispy golden + crust enveloping a soft, fluffy interior. Perfect for sandwiches or just enjoying + a warm slice, this versatile grocery essential from our bakery makes an ideal + base for family meals. + price: 8.99 + image: 7bc5ce87-2c88-4fe5-bd5e-b74e523c3bd2.jpg + where_visible: UI + promoted: true +- id: f0eff346-f331-4f8e-864f-6aaf67400e32 + current_stock: 6 + name: Handcrafted Artisan Bakery Bread + category: groceries + style: bakery + description: Our freshly baked artisan bread features a crispy golden crust enveloping + a soft, fluffy interior. Perfect for sandwiches or just enjoying a slice, this + high-quality grocery essential is made daily with care using traditional techniques + for an airy texture you'll love. + price: 7.99 + image: f0eff346-f331-4f8e-864f-6aaf67400e32.jpg + where_visible: UI +- id: ffbf120a-0b8e-41dd-bbe9-5b2a87b0c8c5 + current_stock: 9 + name: Fresh Baked Artisanal Bread + category: groceries + style: bakery + description: Our freshly baked artisanal bread features a crisp golden crust enveloping + a soft, airy interior. Perfect for sandwiches or just enjoying a slice, this classic + bakery staple makes a delicious addition to any meal. + price: 7.99 + image: ffbf120a-0b8e-41dd-bbe9-5b2a87b0c8c5.jpg + where_visible: UI +- id: 61a68119-7584-4f2d-9dd9-c98967d089cb + current_stock: 17 + name: Fresh-Baked Artisan Bread + category: groceries + style: bakery + description: Our kitchen-fresh artisan bread boasts a crispy golden crust wrapped + around a soft, fluffy interior. This versatile grocery essential makes the perfect + base for sandwiches or just enjoying a slice on its own. + price: 6.99 + image: 61a68119-7584-4f2d-9dd9-c98967d089cb.jpg + where_visible: UI + promoted: true +- id: cf6b6193-0261-4bdb-8ab8-8ace25956419 + current_stock: 14 + name: Artisan Baked Bread, Fresh Daily + category: groceries + style: bakery + description: Our freshly baked artisanal bread features a crispy golden crust enveloping + a soft, airy interior. Perfect for sandwiches or enjoying a slice on its own. + price: 10.99 + image: cf6b6193-0261-4bdb-8ab8-8ace25956419.jpg + where_visible: UI +- id: fdc1116b-a994-4723-b3b0-ef0f6882b5d7 + current_stock: 16 + name: Freshly Baked Artisan Bread + category: groceries + style: bakery + description: Freshly baked bread with a golden crispy crust and soft fluffy interior, + perfect for sandwiches or just enjoying a warm slice. Our classic bakery bread + is made daily with care using traditional techniques for a versatile grocery staple. + price: 6.99 + image: fdc1116b-a994-4723-b3b0-ef0f6882b5d7.jpg + where_visible: UI +- id: d36b15bb-0c67-4554-ad23-ceeda595f1a0 + current_stock: 9 + name: Freshly Baked Bread + category: groceries + style: bakery + description: Freshly baked Bread with a crispy golden crust and soft airy interior. + Perfect for sandwiches, snacks or just enjoying a slice. Versatile bakery essential, + made fresh daily using traditional techniques. Part of our quality groceries collection. + price: 6.99 + image: d36b15bb-0c67-4554-ad23-ceeda595f1a0.jpg + where_visible: UI +- id: 504a781b-e54c-4c33-a3a3-9d0036e2e190 + current_stock: 17 + name: Freshly Baked Bread Loaf + category: groceries + style: bakery + description: Freshly baked bread with a crisp golden crust and soft, airy interior. + Enjoy a classic loaf perfect for sandwiches or just a slice on its own. Part of + our essential groceries made with care using traditional techniques. + price: 8.99 + image: 504a781b-e54c-4c33-a3a3-9d0036e2e190.jpg + where_visible: UI + promoted: true +- id: 73069c33-0ef4-4a1d-b9d7-ab9a46be2a0e + current_stock: 10 + name: Freshly Baked Bread Daily + category: groceries + style: bakery + description: Our Fresh Baked Bread is lovingly made in-house daily with quality + ingredients for an irresistibly soft interior and golden crispy crust. The perfect + base for sandwiches or simply enjoying a slice, this versatile grocery staple + brings comfort and joy to every meal. + price: 9.99 + image: 73069c33-0ef4-4a1d-b9d7-ab9a46be2a0e.jpg + where_visible: UI + promoted: true +- id: 37dc063d-f81d-4c2c-b67c-58d6c0828d0e + current_stock: 11 + name: Crunchy Crusted Bakery Bread + category: groceries + style: bakery + description: Freshly baked bread with a crispy golden crust and fluffy interior, + perfect for sandwiches or just enjoying a warm slice. This classic bakery essential + from our grocery collection makes an versatile base for family meals. + price: 6.99 + image: 37dc063d-f81d-4c2c-b67c-58d6c0828d0e.jpg + where_visible: UI + promoted: true +- id: 9d8bf17d-3e72-41ba-943b-43eaeae84422 + current_stock: 13 + name: Artisan Loaves - Freshly Baked & Airy + category: groceries + style: bakery + description: Our freshly baked artisan loaves have crispy golden crusts wrapping + light, airy interiors. Enjoy versatile slices in sandwiches or on their own from + this essential grocery made with care using traditional techniques. + price: 5.99 + image: 9d8bf17d-3e72-41ba-943b-43eaeae84422.jpg + where_visible: UI +- id: 04f9b25f-53a7-4c38-8cc6-f2b0bc573fb6 + current_stock: 10 + name: Chocolate Decadence Cake + category: groceries + style: bakery + description: Indulge in decadent layers of rich chocolate mousse and moist chocolate + cake coated in silky ganache. This ultimate chocolate lover's cake is the perfect + dessert for any celebration. + price: 18.99 + image: 04f9b25f-53a7-4c38-8cc6-f2b0bc573fb6.jpg + where_visible: UI +- id: 5c131f64-32f1-4c63-b1c6-7eb3364f7167 + current_stock: 19 + name: Decadent Chocolate Cake - Moist and Rich + category: groceries + style: bakery + description: Indulge in rich, moist chocolate cake layered with silky chocolate + buttercream. This decadent confection is baked from scratch with premium ingredients + for intense chocolate flavor in every fudgy bite. The perfect treat for any occasion. + price: 11.99 + image: 5c131f64-32f1-4c63-b1c6-7eb3364f7167.jpg + where_visible: UI +- id: b839f128-77ba-4390-bfce-63098d8fa139 + current_stock: 13 + name: Decadent Chocolate Cake with Rich Frosting + category: groceries + style: bakery + description: Indulge in decadent chocolate cake layered with rich fudgy frosting. + This moist, cocoa-infused confection is the ultimate chocolate lover's delight. + price: 13.99 + image: b839f128-77ba-4390-bfce-63098d8fa139.jpg + where_visible: UI +- id: 4ce887e4-5122-4460-ac6e-eddf8bd0e64c + current_stock: 16 + name: Creamy Vanilla Cake - A Sweet Indulgence + category: groceries + style: bakery + description: Presenting the Creamy Vanilla Cake - a rich, creamy vanilla cake with + fluffy layers and sweet frosting. This classic cake has a light, moist texture + and melts in your mouth with delightful vanilla notes. An elegant bakery treat + perfect for any celebration or everyday indulgence. + price: 17.99 + image: 4ce887e4-5122-4460-ac6e-eddf8bd0e64c.jpg + where_visible: UI +- id: cf6ac765-0075-4c93-ad79-f36865523b42 + current_stock: 18 + name: Sweet Creamy Frosted Cake + category: groceries + style: bakery + description: Indulge your sweet tooth with this rich, creamy frosted cake. Soft, + moist layers filled with cool cream and topped with tangy cream cheese frosting + make this bakery delight irresistible. A premium grocery treat for any celebration. + price: 11.99 + image: cf6ac765-0075-4c93-ad79-f36865523b42.jpg + where_visible: UI +- id: 4b69ea5b-2114-45b3-8194-98aa5e44d9c9 + current_stock: 16 + name: Tangy Lemon Cake - Moist Bakery Treat + category: groceries + style: bakery + description: Presenting the Lemon Cake - a tangy, moist bakery treat with a light + and fluffy texture and bright lemon flavor. This scrumptious cake is made with + real lemon juice and zest and topped with a refreshing lemon glaze. A sweet and + citrusy bakery delight perfect for any occasion. + price: 15.99 + image: 4b69ea5b-2114-45b3-8194-98aa5e44d9c9.jpg + where_visible: UI +- id: 3966fa0c-21f0-46e2-836b-1696ea865699 + current_stock: 16 + name: Crunchy Raisin Bran Cake + category: groceries + style: bakery + description: Indulge in moist, nutritious raisin bran cake. Crunchy wheat flakes + and chewy raisins combine in this scrumptious, satisfying snack cake perfect for + any time of day. + price: 15.99 + image: 3966fa0c-21f0-46e2-836b-1696ea865699.jpg + where_visible: UI + promoted: true +- id: 889e1067-7514-4397-ae52-f0ae820c35cf + current_stock: 8 + name: Sweet Strawberry Chocolate Dream Cake + category: groceries + style: bakery + description: Indulge in moist chocolate cake layered with sweet strawberry filling + and silky chocolate frosting. This irresistible Strawberry Chocolate Layer Cake + blends ripe berries and decadent chocolate for the ultimate flavor experience. + price: 17.99 + image: 889e1067-7514-4397-ae52-f0ae820c35cf.jpg + where_visible: UI + promoted: true +- id: 87807a95-ee08-4a17-9a79-af93c7ccd1b5 + current_stock: 13 + name: Sweet Strawberry Cream Delight + category: groceries + style: bakery + description: Presenting our moist, two-layer Strawberry Cream Cake - fluffy vanilla + layers filled with tangy cream cheese frosting and decorated with fresh strawberry + slices. A beautiful fruit-filled cake perfect for any spring or summer gathering. + price: 12.99 + image: 87807a95-ee08-4a17-9a79-af93c7ccd1b5.jpg + where_visible: UI +- id: ec99cfbc-9a9d-443d-973b-9936b7613e04 + current_stock: 15 + name: Decadent Chocolate Layer Cake + category: groceries + style: bakery + description: Indulge in decadent layers of moist chocolate cake and creamy frosting + with our Chocolate Layer Cake. This rich and fudgy bakery treat is the ultimate + chocolate dessert for any occasion. + price: 14.99 + image: ec99cfbc-9a9d-443d-973b-9936b7613e04.jpg + where_visible: UI +- id: 229ebd85-a327-4dc5-8d8b-5bc38736e4c1 + current_stock: 7 + name: Decadent Triple Chocolate Dream Cake + category: groceries + style: bakery + description: Indulge in triple chocolate decadence with this moist cake layered + with velvety chocolate buttercream and ganache. A chocolate lover's dream come + true. + price: 17.99 + image: 229ebd85-a327-4dc5-8d8b-5bc38736e4c1.jpg + where_visible: UI +- id: fe01f22e-3783-4e27-8ae5-e2cd0cbcaf61 + current_stock: 13 + name: Irresistible Vanilla Buttercream Dream Cake + category: groceries + style: bakery + description: Indulge in moist, fluffy vanilla cake layers filled with decadent buttercream. + Made with real vanilla for a rich, aromatic flavor. An irresistible treat for + any celebration. + price: 17.99 + image: fe01f22e-3783-4e27-8ae5-e2cd0cbcaf61.jpg + where_visible: UI + promoted: true +- id: e1c8e574-93fa-4bb4-8f17-374fdcf85da6 + current_stock: 18 + name: Cinamon Rolls - Melt-In-Your-Mouth Morning Indulgence + category: groceries + style: bakery + description: Cinamon Rolls - Freshly baked daily, these scrumptious rolls feature + a fluffy, aromatic cinamon swirl and sweet glaze topping a warm, melt-in-your-mouth + pastry. An indulgent breakfast or snack treat from our bakery. + price: 8.99 + image: e1c8e574-93fa-4bb4-8f17-374fdcf85da6.jpg + where_visible: UI + promoted: true +- id: d142cebb-ce35-4581-8285-6e54171c23d9 + current_stock: 7 + name: Chewy Vanilla Cookie Bakery Treats + category: groceries + style: bakery + description: Indulge in our melt-in-your-mouth, homemade cookies with a crispy outside + and chewy inside. Our classic buttery vanilla cookies are freshly baked daily + with premium ingredients for an irresistible grocery treat. + price: 7.99 + image: d142cebb-ce35-4581-8285-6e54171c23d9.jpg + where_visible: UI +- id: e1580149-87c5-4ff4-bb03-482465b67b16 + current_stock: 14 + name: Chewy Chocolate Chip Delight + category: groceries + style: bakery + description: Our signature chocolate chip cookie is freshly baked daily with premium + ingredients for a delicious, mouthwatering treat perfect for enjoying anytime. + price: 10.99 + image: e1580149-87c5-4ff4-bb03-482465b67b16.jpg + where_visible: UI +- id: 58c4056b-bad4-4098-9996-2c6d3be93218 + current_stock: 13 + name: Crunchy Chocolatey Cookie Bliss + category: groceries + style: bakery + description: Our freshly baked chocolate chip cookies are made daily with quality + ingredients for an irresistible treat. Indulge in the rich, buttery flavor and + chewy, chocolatey goodness of every bite. + price: 10.99 + image: 58c4056b-bad4-4098-9996-2c6d3be93218.jpg + where_visible: UI + promoted: true +- id: 28c5c21b-81c0-4ff7-85b5-a7367cb9c6db + current_stock: 7 + name: Freshly Baked Chocolatey Chip Cookies + category: groceries + style: bakery + description: Our Freshly Baked Chocolate Chip Cookies are an irresistible grocery + item. Expertly crafted with premium ingredients for the perfect balance of crispy + edges and a chewy center. A beloved, top-selling treat made fresh daily in our + kitchens. + price: 8.99 + image: 28c5c21b-81c0-4ff7-85b5-a7367cb9c6db.jpg + where_visible: UI + promoted: true +- id: fec114d1-6db3-41e3-a608-fc59313954c5 + current_stock: 13 + name: Flaky French Croissants + category: groceries + style: bakery + description: Flaky, buttery French croissants baked fresh daily. Our light, crispy + pastries layered with delicate sweet dough make an indulgent breakfast treat or + snack. A Parisian classic now at your fingertips. + price: 10.99 + image: fec114d1-6db3-41e3-a608-fc59313954c5.jpg + where_visible: UI +- id: 2f069176-5bab-43fd-a441-916f61843de0 + current_stock: 16 + name: Flaky French Croissants, Fresh Daily + category: groceries + style: bakery + description: Freshly baked each morning, our flaky, buttery croissants are a delight + for any continental breakfast or weekend brunch. With a delicate interior and + crispy exterior, enjoy the aroma and rich taste of these authentic French pastries. + price: 10.99 + image: 2f069176-5bab-43fd-a441-916f61843de0.jpg + where_visible: UI +- id: 089baa54-b066-4359-83ff-8a41011d3110 + current_stock: 6 + name: Flaky Butter Croissants - Melt-In-Your-Mouth French Pastry + category: groceries + style: bakery + description: Freshly baked flaky butter croissants from our artisan bakery. Light, + airy interior with crisp, golden brown exterior. Rich, indulgent French pastry + for continental breakfasts or sweet afternoon treats. + price: 7.99 + image: 089baa54-b066-4359-83ff-8a41011d3110.jpg + where_visible: UI +- id: 5f9ea4f0-6178-45d6-bf29-c6b476775faf + current_stock: 12 + name: Fresh Vanilla Cupcakes with Creamy Frosting + category: groceries + style: bakery + description: Delight your taste buds with our moist vanilla cupcake, topped with + creamy frosting and baked fresh daily. This classic treat uses only the finest + ingredients for a homemade taste you're sure to love. + price: 10.99 + image: 5f9ea4f0-6178-45d6-bf29-c6b476775faf.jpg + where_visible: UI +- id: 0646b83c-03a2-4efe-a21a-a408c4b0de49 + current_stock: 16 + name: Freshly Baked Vanilla Cupcakes + category: groceries + style: bakery + description: Treat yourself to a freshly baked vanilla cupcake topped with creamy + frosting. Our moist, fluffy cake and rich frosting create a mouthwatering sweet + snack made with care from high-quality ingredients. + price: 5.99 + image: 0646b83c-03a2-4efe-a21a-a408c4b0de49.jpg + where_visible: UI +- id: 329ee42e-a87a-4c25-a377-cbdd8efa70f9 + current_stock: 17 + name: Vanilla Frosted Fresh-Baked Cupcake + category: groceries + style: bakery + description: Freshly baked cupcake with moist vanilla cake and creamy frosting. + A classic treat made with care using quality ingredients for a delicious snack + or dessert. + price: 5.99 + image: 329ee42e-a87a-4c25-a377-cbdd8efa70f9.jpg + where_visible: UI + promoted: true +- id: 3c378028-2226-4e87-94b4-7bc8a9aea5fe + current_stock: 16 + name: Fluffy Frosted Vanilla Cupcakes + category: groceries + style: bakery + description: Freshly baked vanilla cupcakes with moist, fluffy cake and creamy frosting. + A classic bakery treat bursting with flavor in every bite. + price: 9.99 + image: 3c378028-2226-4e87-94b4-7bc8a9aea5fe.jpg + where_visible: UI + promoted: true +- id: 2270ef08-c42c-4587-92e6-70789376d6b8 + current_stock: 18 + name: Vanilla Cupcakes with Creamy Frosting + category: groceries + style: bakery + description: Freshly baked vanilla cupcakes with moist, fluffy cake and creamy frosting. + An indulgent yet classic bakery treat made from quality ingredients for any occasion. + price: 7.99 + image: 2270ef08-c42c-4587-92e6-70789376d6b8.jpg + where_visible: UI +- id: 76a7c3b8-ecee-405c-8fc8-f68418ba95f9 + current_stock: 19 + name: Vanilla Dream Cupcake + category: groceries + style: bakery + description: Freshly baked each morning, our moist vanilla cupcake is a sweet treat + with a light cake and creamy frosting. Part of our bakery, it's perfect for any + occasion. Enjoy the homemade taste of happiness in each bite. + price: 9.99 + image: 76a7c3b8-ecee-405c-8fc8-f68418ba95f9.jpg + where_visible: UI +- id: 99826168-b451-4cc2-85dd-88215d8b069a + current_stock: 9 + name: Vanilla Cupcake, A Moist Bakery Delight + category: groceries + style: bakery + description: Our moist vanilla cupcake is a freshly baked treat with a light crumb + and creamy frosting. A sweet bakery classic made with quality ingredients. + price: 6.99 + image: 99826168-b451-4cc2-85dd-88215d8b069a.jpg + where_visible: UI +- id: 2fe358d9-ec2f-4764-9444-6a62d7c4fdd9 + current_stock: 8 + name: Freshly Baked Vanilla Cupcakes + category: groceries + style: bakery + description: Our moist vanilla cupcake, freshly baked each morning, is topped with + creamy frosting for a sweet treat. The light, fluffy cake and rich frosting create + a mouthwatering experience in each delicious bite. + price: 5.99 + image: 2fe358d9-ec2f-4764-9444-6a62d7c4fdd9.jpg + where_visible: UI +- id: 02c03513-b40d-44ec-b2d4-bb4d9421803a + current_stock: 13 + name: Fresh Glazed Donuts - Fluffy Bakery Treats + category: groceries + style: bakery + description: Our bakery-fresh, fluffy donuts are lovingly handcrafted each morning + with premium ingredients. Enjoy a variety of mouthwatering flavors and textures + glazed, filled, or topped to perfection. A tender, cake-like treat for any occasion. + price: 8.99 + image: 02c03513-b40d-44ec-b2d4-bb4d9421803a.jpg + where_visible: UI +- id: b1611948-8438-4332-bfed-8742c2780620 + current_stock: 7 + name: Cinnamon Sugar Donut Delights + category: groceries + style: bakery + description: Freshly baked donuts with a variety of flavors and textures. Soft, + fluffy donuts carefully glazed, filled or topped. Tender cake-like texture with + sweet bursts of flavor in every bite. A classic bakery treat. + price: 10.99 + image: b1611948-8438-4332-bfed-8742c2780620.jpg + where_visible: UI +- id: 8b6bc04b-fab1-4a30-9790-a77cecebe5d3 + current_stock: 13 + name: Fresh Daily Donuts - Melt-In-Your-Mouth Treats + category: groceries + style: bakery + description: Fresh donuts made daily with quality ingredients. A delicious variety + of glazed, frosted and uniquely topped treats with unmatched fresh taste and melt-in-your-mouth + texture. An essential bakery item perfect for any occasion. + price: 8.99 + image: 8b6bc04b-fab1-4a30-9790-a77cecebe5d3.jpg + where_visible: UI + promoted: true +- id: c26266b9-e809-4543-a6e2-b70a56b4c362 + current_stock: 13 + name: Fresh-Baked Apple Pie + category: groceries + style: bakery + description: Our bakery's signature apple pie is freshly baked daily with juicy + apple slices in a flaky, buttered crust. This comforting classic with aromatic + spices makes the perfect dessert to enjoy with 8.99 per pie. + price: 8.99 + image: c26266b9-e809-4543-a6e2-b70a56b4c362.jpg + where_visible: UI + promoted: true +- id: 6fc7b390-e00f-47a8-9128-098517f02852 + current_stock: 7 + name: Sweet Berry Apple Pie + category: groceries + style: bakery + description: Our Berry Apple Pie is bursting with juicy apple slices and tangy sweet + berries baked in a flaky, golden crust for an irresistible symphony of fruit flavors + in every scrumptious bite. + price: 12.99 + image: 6fc7b390-e00f-47a8-9128-098517f02852.jpg + where_visible: UI +- id: 7c328756-a700-47d5-a9c4-696db1e72bb0 + current_stock: 17 + name: Tangy Keylime Pie - Florida's Creamy Treat + category: groceries + style: bakery + description: Tangy key lime pie with creamy custard filling and flaky crust for + a refreshing, tropical treat. Made fresh daily using key limes, sweetened condensed + milk and egg yolks. + price: 13.99 + image: 7c328756-a700-47d5-a9c4-696db1e72bb0.jpg + where_visible: UI +- id: 58407569-aaa8-40b4-8da0-13f6ffb18faf + current_stock: 19 + name: Sweet & Nutty Southern Pecan Pie + category: groceries + style: bakery + description: Indulge in our Southern classic pecan pie, lovingly handmade with premium + ingredients for a sweet nutty filling enveloped in a perfectly flaky, buttery + crust. An irresistible bakery treat made from scratch for any occasion. + price: 11.99 + image: 58407569-aaa8-40b4-8da0-13f6ffb18faf.jpg + where_visible: UI + promoted: true +- id: 7ae9fb66-ec70-4182-9573-2b243acff263 + current_stock: 12 + name: Walnut Pie - Nutty Crunchy Delight + category: groceries + style: bakery + description: Indulge in nostalgic flavor with our freshly baked Walnut Pie. Layers + of nutty crunch enveloped in a handmade flaky crust create a sweet tooth sensation. + A classic dessert made new again with quality ingredients. + price: 9.99 + image: 7ae9fb66-ec70-4182-9573-2b243acff263.jpg + where_visible: UI + promoted: true +- id: 8d6ec814-5d3c-44a9-8684-3ab4e5aba0e7 + current_stock: 14 + name: Small-Batch Hand-Churned Butter + category: groceries + style: dairy + description: Creamy, ethically-sourced artisanal butter hand-churned using time-honored + techniques. Its rich texture and sweet aroma make this small-batch dairy staple + perfect for spreading, baking, and enriching sauces and vegetables. + price: 2.99 + image: 8d6ec814-5d3c-44a9-8684-3ab4e5aba0e7.jpg + where_visible: UI +- id: 8c75972a-a0ce-408a-8545-4dc308a93392 + current_stock: 6 + name: Creamy Artisanal Butter + category: groceries + style: dairy + description: Our rich, creamy artisanal butter is crafted using traditional methods + for a wholesome, golden spread. Ethically sourced from small family farms, it's + perfect for spreading, baking, and cooking. + price: 3.99 + image: 8c75972a-a0ce-408a-8545-4dc308a93392.jpg + where_visible: UI +- id: f95bf418-447f-4c76-8f87-a32b1d04942a + current_stock: 15 + name: Creamy Artisanal Cheese + category: groceries + style: dairy + description: Creamy, artisanal cheese crafted sustainably by dedicated dairy farmers. + Tangy and savory with a rich, creamy texture, this cheese offers mouthwatering + flavor. The perfect addition to any charcuterie board or recipe. Ethically sourced + and expertly made. + price: 4.99 + image: f95bf418-447f-4c76-8f87-a32b1d04942a.jpg + where_visible: UI +- id: ad7d52cc-cc68-4aed-bdb3-cb53317a5b93 + current_stock: 8 + name: Creamy Handcrafted Artisanal Cheese + category: groceries + style: dairy + description: Our rich, creamy artisanal cheese is sustainably crafted from ethically + sourced milk. With complex flavors and smooth texture, it's perfect for snacking, + charcuterie, and pairing. Support small dairy farmers with this delicious, responsibly-made + cheese. + price: 5.99 + image: ad7d52cc-cc68-4aed-bdb3-cb53317a5b93.jpg + where_visible: UI +- id: 9551aff2-a0fe-4c68-af2c-d5571c8de81d + current_stock: 16 + name: An Unforgettable Taste + category: groceries + style: dairy + description: This creamy artisanal cheese is carefully crafted by dedicated dairy + farmers using sustainable practices. With a rich, buttery flavor, it's perfect + for snacking, charcuterie, or cooking. Ethically sourced and thoughtfully produced + for an unforgettable taste. + price: 3.99 + image: 9551aff2-a0fe-4c68-af2c-d5571c8de81d.jpg + where_visible: UI +- id: 44cf340f-5431-4d62-bb83-6a19b5714ff0 + current_stock: 12 + name: Creamy Artisanal Cheese + category: groceries + style: dairy + description: Artisanal cheese crafted sustainably with rich, creamy flavor. Complex + profile with notes of butter and supple texture. Ethically sourced and perfect + for snacking, charcuterie, cooking. Treat yourself to exquisite taste and responsible + production. + price: 5.99 + image: 44cf340f-5431-4d62-bb83-6a19b5714ff0.jpg + where_visible: UI +- id: ed4f07c7-6728-4f66-9755-2863f9c05903 + current_stock: 13 + name: Aged Cream Cheese + category: groceries + style: dairy + description: Creamy aged cheese, handcrafted from our family dairy farms. Rich, + tangy flavor with smooth, supple texture. An exemplary grocery staple for snacking, + cooking, and charcuterie. Made with care using time-honored techniques. + price: 3.99 + image: ed4f07c7-6728-4f66-9755-2863f9c05903.jpg + where_visible: UI +- id: f4becdcc-2e42-44c2-bbac-ad50b9a6126b + current_stock: 8 + name: Aged Farmhouse Cheese - Smooth and Complex + category: groceries + style: dairy + description: Crafted using time-honored techniques, our award-winning aged farmhouse + cheese boasts a sublimely smooth texture and complex nutty, grassy flavor. An + artisanal grocery essential perfect for snacking, cooking, and cheese boards. + price: 2.99 + image: f4becdcc-2e42-44c2-bbac-ad50b9a6126b.jpg + where_visible: UI +- id: 27611481-bedc-4ffd-b8e6-4af2a34d5b3e + current_stock: 17 + name: Creamy Handcrafted Artisanal Cheese + category: groceries + style: dairy + description: Creamy artisanal cheese, carefully crafted using traditional techniques. + Rich, tangy flavor with smooth, supple texture. An exceptional grocery staple + made from the freshest milk. Perfect for snacking, cooking, and garnishing. + price: 3.99 + image: 27611481-bedc-4ffd-b8e6-4af2a34d5b3e.jpg + where_visible: UI +- id: 8bd15036-f082-47a1-8ffb-aa193b58d960 + current_stock: 9 + name: Creamy Artisanal Cheese + category: groceries + style: dairy + description: Our artisanal creamy cheese is carefully crafted with sustainably sourced + milk for a rich, smooth flavor. Perfect for snacking or adding decadent flair + to charcuterie, its complex profile pairs wonderfully with fruits, nuts, and wines. + price: 5.99 + image: 8bd15036-f082-47a1-8ffb-aa193b58d960.jpg + where_visible: UI +- id: cd7db0b6-ac65-4207-a055-b6510873f085 + current_stock: 12 + name: Velvety & Ethical + category: groceries + style: dairy + description: Our ethically-sourced creamy cheese is slow-cultured for complex aroma + and velvety texture. Made sustainably by dedicated dairy farmers, this cheese + melts in your mouth. A versatile addition to charcuterie, sandwiches, salads and + pastas. + price: 5.99 + image: cd7db0b6-ac65-4207-a055-b6510873f085.jpg + where_visible: UI +- id: a52f4cd6-4eec-43f5-899e-4abe8e1963e5 + current_stock: 19 + name: Artisanal Butter Cheese + category: groceries + style: dairy + description: Skillfully crafted with care, our smooth, rich creamy artisanal cheese + offers a delightful buttery flavor. Ethically sourced and sustainably produced + using milk from happy cows. + price: 4.99 + image: a52f4cd6-4eec-43f5-899e-4abe8e1963e5.jpg + where_visible: UI +- id: bac8c61d-dd0e-42f1-8c9b-004ae7e64131 + current_stock: 11 + name: Creamy Handcrafted Artisanal Cheese + category: groceries + style: dairy + description: Our handcrafted artisanal cheese is made sustainably with rich, creamy + milk from happy cows. This tangy, complex cheese pairs beautifully with wine and + fruit. Ethically-sourced and thoughtfully crafted for your table. + price: 5.99 + image: bac8c61d-dd0e-42f1-8c9b-004ae7e64131.jpg + where_visible: UI +- id: 084a7fbb-bd4b-40d1-80af-5d8d7fe1bd56 + current_stock: 17 + name: Tangy Aged Farmhouse Cheese + category: groceries + style: dairy + description: Our award-winning aged farmhouse cheese boasts a delightfully nutty, + tangy flavor. Carefully crafted using traditional techniques, it has a smooth, + supple texture perfect for snacking or cooking. This high-quality cheese adds + depth of flavor to any dish. + price: 2.99 + image: 084a7fbb-bd4b-40d1-80af-5d8d7fe1bd56.jpg + where_visible: UI +- id: 00c5d8dd-12fb-41ad-972d-88364f8a8519 + current_stock: 9 + name: Creamy Cheddar Cheese + category: groceries + style: dairy + description: Cheddar crafted from ethically-sourced milk by dedicated farmers. Its + rich, creamy taste and smooth texture make this cheese perfect for snacking, charcuterie, + and cooking. Responsibly-produced for quality and sustainability. + price: 4.99 + image: 00c5d8dd-12fb-41ad-972d-88364f8a8519.jpg + where_visible: UI +- id: 97e3083a-c6fc-4c52-a4dc-f29ba90d9214 + current_stock: 19 + name: Rich and Creamy + category: groceries + style: dairy + description: Cheddar crafted from ethically sourced milk. Rich, creamy taste with + smooth texture. Versatile for snacking, charcuterie, cooking. Sustainably produced + by happy cows. + price: 4.99 + image: 97e3083a-c6fc-4c52-a4dc-f29ba90d9214.jpg + where_visible: UI +- id: b19613c1-f717-4fa9-bf68-a94af122dd4a + current_stock: 17 + name: Creamy Fresh Milk + category: groceries + style: dairy + description: Our locally sourced, farm-fresh milk offers a delightfully creamy texture + and wholesome flavor. This dairy essential, gently pasteurized for safety, provides + an excellent source of calcium, vitamin D, and protein from happy, grass-fed cows. + price: 4.99 + image: b19613c1-f717-4fa9-bf68-a94af122dd4a.jpg + where_visible: UI +- id: 80795911-b1da-44cc-91c6-d6e320068cbb + current_stock: 12 + name: Farm Fresh Milk + category: groceries + style: dairy + description: Fresh local dairy milk, ethically sourced and stringently tested. A + creamy, wholesome taste and an excellent source of calcium, vitamin D and protein. + The essential ingredient for cooking, baking, or simply enjoying a nutritional + and refreshing beverage. + price: 4.99 + image: 80795911-b1da-44cc-91c6-d6e320068cbb.jpg + where_visible: UI + promoted: true +- id: a8b3108e-7c37-4d94-9bb8-438285194ed4 + current_stock: 15 + name: Tangy Protein Punch Yogurt + category: groceries + style: dairy + description: Our smooth, creamy yogurt offers a tangy, protein-packed punch. Made + from fresh dairy farms, enjoy natural probiotics and calcium in every silky spoonful. + The perfect versatile snack or breakfast - simply top with fruit or granola and + savor the flavor. + price: 2.99 + image: a8b3108e-7c37-4d94-9bb8-438285194ed4.jpg + where_visible: UI +- id: 47e444a7-9f1a-464f-b51a-9282e871ef75 + current_stock: 13 + name: Creamy Tangy Yogurt + category: groceries + style: dairy + description: Creamy Yogurt offers a silky smooth texture and tangy flavor. This + protein-packed, calcium-rich yogurt can be enjoyed on its own or topped with fruit + and granola for a nutritious, satisfying snack or breakfast. + price: 4.99 + image: 47e444a7-9f1a-464f-b51a-9282e871ef75.jpg + where_visible: UI +- id: 16d2aa62-0f43-48d6-b42b-be7ae0f66e6b + current_stock: 16 + name: Tangy Cream Yogurt - Probiotic-Packed + category: groceries + style: dairy + description: Creamy, tangy yogurt bursting with probiotics. This farm-fresh dairy + staple has a silky texture and refreshing flavor. A versatile, protein-packed + choice for smoothies, parfaits, or snacking. + price: 5.99 + image: 16d2aa62-0f43-48d6-b42b-be7ae0f66e6b.jpg + where_visible: UI + promoted: true +- id: 8b44da10-1133-48e5-b1a6-4f081e46a150 + current_stock: 15 + name: Juicy Sweet Crunch Apples + category: groceries + style: fruits + description: Crunchy sweet apples, nature's perfect snack. These fresh, juicy apples + offer a delightful sweet-tart flavor and impressive health benefits. Enjoy their + crisp, refreshing taste and versatile uses. + price: 2.99 + image: 8b44da10-1133-48e5-b1a6-4f081e46a150.jpg + where_visible: UI +- id: 3592c279-568e-4267-9f7c-35bacdb863b9 + current_stock: 17 + name: Juicy Crunchy Fresh Apples + category: groceries + style: fruits + description: Crunchy, juicy apples picked fresh from the orchard. A daily dose of + fiber, vitamin C, and antioxidants for immune support and overall health. Nature's + perfect snack, sweetly satisfying with every crisp, refreshing bite. + price: 3.99 + image: 3592c279-568e-4267-9f7c-35bacdb863b9.jpg + where_visible: UI +- id: caee70f0-d439-42ed-9033-9c9af67765b2 + current_stock: 13 + name: Juicy Sweet Red Apples + category: groceries + style: fruits + description: Crunchy red apples, nature's perfect snack. Juicy, sweet fruit packed + with vitamin C and fiber. Enjoy these versatile apples raw, baked, or in sauce. + An affordable grocery staple loved worldwide. + price: 2.99 + image: caee70f0-d439-42ed-9033-9c9af67765b2.jpg + where_visible: UI +- id: 3330b1e7-402c-40d7-8bf3-0a5248013381 + current_stock: 12 + name: Juicy Sweet Apples + category: groceries + style: fruits + description: Crunchy fresh apples, nature's perfect antioxidant-rich snack. Enjoy + the sweet, tart flavor and firm, juicy flesh of these popular fruits daily for + a healthy, delicious way to nourish your body. + price: 5.99 + image: 3330b1e7-402c-40d7-8bf3-0a5248013381.jpg + where_visible: UI +- id: 654926f7-2240-429e-9222-f705d62a8841 + current_stock: 8 + name: Sweet & Tangy Apricots + category: groceries + style: fruits + description: Apricots - Bursting with sweet, tangy flavor, these vibrant orange + stone fruits are nutritious, versatile additions to fruit salads, baked goods, + smoothies, cheeses, and more. Their juicy texture and crowd-pleasing taste make + apricots a popular grocery choice. + price: 3.99 + image: 654926f7-2240-429e-9222-f705d62a8841.jpg + where_visible: UI +- id: c76859f9-effa-428c-84e1-b8d4f837a79c + current_stock: 7 + name: Fresh Ripe Bananas - Nature's Perfect Snack + category: groceries + style: fruits + description: Fresh, ripe bananas - nature's perfect snack full of potassium and + vitamin C. Enjoy these sweet, creamy fruits from tropical climates anytime for + a nutritious boost. Their bright yellow peel and soft, edible flesh make delicious + additions to smoothies, baked goods, cereals and more! + price: 2.99 + image: c76859f9-effa-428c-84e1-b8d4f837a79c.jpg + where_visible: UI + promoted: true +- id: 060ed40f-91cb-4bd5-a0fc-36f7351d2221 + current_stock: 17 + name: Farm-Fresh Bananas Burst with Sweet Flavor + category: groceries + style: fruits + description: Savor nature's perfect snack! Our ripe, farm-fresh bananas burst with + creamy, sweet flavor. Potassium-packed and subtly sweet, these bright yellow treats + add tropical goodness to smoothies, baked goods, or your morning cereal. + price: 3.99 + image: 060ed40f-91cb-4bd5-a0fc-36f7351d2221.jpg + where_visible: UI + promoted: true +- id: 62f6d1c3-33ea-415c-95dd-b3cf8a8051c9 + current_stock: 10 + name: Juicy Sweet Blackberry Snack + category: groceries + style: fruits + description: Fresh blackberries bursting with juicy, sweet flavor. Farm-fresh and + nutrient-rich, these plump berries are perfect for snacking, baking, smoothies, + and more. Enjoy their antioxidants and fiber in a delicious treat. + price: 2.99 + image: 62f6d1c3-33ea-415c-95dd-b3cf8a8051c9.jpg + where_visible: UI +- id: 9abdf04d-a9b7-4627-9ce8-b11668db3c98 + current_stock: 11 + name: Fresh Blueberries - Juicy Antioxidant Superfruit + category: groceries + style: fruits + description: Juicy, antioxidant-rich blueberries deliver a powerful nutrition punch. + Enjoy fresh or add to baked goods and smoothies. Small but mighty, these sweet + and tart superfruit berries boost your health in a delicious way. + price: 5.99 + image: 9abdf04d-a9b7-4627-9ce8-b11668db3c98.jpg + where_visible: UI + promoted: true +- id: 0cb50483-3682-4db5-870c-2b007b2c08b6 + current_stock: 14 + name: Fresh Blueberries - Juicy Antioxidant Berries + category: groceries + style: fruits + description: Succulent fresh blueberries - nature's antioxidant-rich superfood. + Enjoy these juicy, sweet berries daily for fiber, vitamins, and overall health. + A nutritious addition to any diet. + price: 4.99 + image: 0cb50483-3682-4db5-870c-2b007b2c08b6.jpg + where_visible: UI +- id: 39c056d5-7bf7-4fc8-86e9-8d839c9b1970 + current_stock: 11 + name: Juicy Sweet Cantaloupe Melon + category: groceries + style: fruits + description: A nutrient-rich, juicy cantaloupe melon with a sweet, musky flavor + and creamy orange flesh. Enjoy its refreshing taste and aroma on its own or in + smoothies and salads. + price: 4.99 + image: 39c056d5-7bf7-4fc8-86e9-8d839c9b1970.jpg + where_visible: UI +- id: 35e2eae9-20ff-4ea0-ba75-a3b07f37a195 + current_stock: 13 + name: Juicy Pink Vitamin C Bombs + category: groceries + style: fruits + description: Fresh pink grapefruit, a sweet-tart grocery item packed with immunity-boosting + vitamin C. This antioxidant-rich citrus fruit makes a tasty, nutritious addition + to your diet. + price: 5.99 + image: 35e2eae9-20ff-4ea0-ba75-a3b07f37a195.jpg + where_visible: UI + promoted: true +- id: 5723f368-aae1-4504-b5b6-3efbc47497cc + current_stock: 8 + name: Juicy Green Grapes + category: groceries + style: fruits + description: Sweet, juicy green grapes bursting with antioxidant power. These fresh, + easy to eat fruits pack a refreshing and nutritious punch. A perfect healthy snack + on-the-go. + price: 3.99 + image: 5723f368-aae1-4504-b5b6-3efbc47497cc.jpg + where_visible: UI +- id: 14c5314c-6325-41e9-8e5b-4f72f5b05f27 + current_stock: 8 + name: Juicy Green Grapes + category: groceries + style: fruits + description: Plump, crisp green grapes bursting with sweet, juicy flavor. These + antioxidant-rich grapes are perfect for snacking, recipes, or adding freshness + to cheese boards. A healthy and delicious fruit. + price: 2.99 + image: 14c5314c-6325-41e9-8e5b-4f72f5b05f27.jpg + where_visible: UI +- id: a31ad4b3-f9a8-4a9b-a8b3-3034af7bacec + featured: true + current_stock: 17 + name: Nature's Vitamin C + category: groceries + style: fruits + description: Bursting with vitamin C, this sweet, tangy kiwi fruit adds a refreshing + tropical twist to smoothies, salads, and desserts. Each velvety green slice is + speckled with tiny black seeds and packed with antioxidants, fiber, potassium, + and more. + price: 3.99 + image: a31ad4b3-f9a8-4a9b-a8b3-3034af7bacec.jpg + where_visible: UI +- id: 6f572e38-61df-4469-be05-b3ad2950a895 + current_stock: 6 + name: Juicy, Zesty Lemons - Tart Sunshine! + category: groceries + style: fruits + description: These fresh, juicy lemons pack a tangy, tart punch of vitamin C. Their + bright, sunny flavor uplifts both sweet and savory dishes. + price: 2.99 + image: 6f572e38-61df-4469-be05-b3ad2950a895.jpg + where_visible: UI +- id: 548ee038-6c49-4a0a-8c8a-aee95136962d + current_stock: 6 + name: Juicy Mexican Limes + category: groceries + style: fruits + description: Juicy, tart Mexican Limes bursting with floral aroma and vitamin C. + Zest up water, recipes, and drinks with these fresh, green citrus fruits. An immune-boosting + and versatile ingredient to enhance countless dishes. + price: 4.99 + image: 548ee038-6c49-4a0a-8c8a-aee95136962d.jpg + where_visible: UI +- id: 47ea2bd1-e2ab-47ed-a7c9-662a98fe4087 + current_stock: 19 + name: Tropical Sweet Papaya Fruit + category: groceries + style: fruits + description: A sweet, juicy papaya delivers a unique tropical flavor. This antioxidant-rich + fruit has smooth, yellow skin and vibrant orange flesh. Refreshing on its own + or in fruit salads, our papayas aid digestion and immunity. + price: 2.99 + image: 47ea2bd1-e2ab-47ed-a7c9-662a98fe4087.jpg + where_visible: UI +- id: 63911783-3144-410c-b521-25bff67ec494 + current_stock: 12 + name: Juicy Sweet Pears + category: groceries + style: fruits + description: Juicy, sweet pears with smooth green-yellow skin and delicious flesh. + An excellent source of vitamin C and fiber. Enjoy their refreshing flavor and + versatility in salads, tarts, and more. + price: 2.99 + image: 63911783-3144-410c-b521-25bff67ec494.jpg + where_visible: UI +- id: 546784ce-5a1e-4880-85ce-fcc8b84ce7b6 + current_stock: 18 + name: A Floral Fruit Treat + category: groceries + style: fruits + description: Juicy Sweet Pears, the perfect balance of sweet and floral. Enjoy this + versatile fruit's smooth, creamy flesh and fiber, vitamins, and minerals. An anytime + treat! + price: 2.99 + image: 546784ce-5a1e-4880-85ce-fcc8b84ce7b6.jpg + where_visible: UI + promoted: true +- id: f6139c12-bb79-491b-84c3-e84cf454eb52 + current_stock: 9 + name: Sweet & Juicy Pear Fruit + category: groceries + style: fruits + description: Juicy, sweet pears are a versatile fruit perfect for snacking or recipes. + Their creamy white flesh and mild flavor make them an easy addition to salads, + desserts, or grilled entrees. A nutritious grocery staple loved by all. + price: 2.99 + image: f6139c12-bb79-491b-84c3-e84cf454eb52.jpg + where_visible: UI +- id: ce390822-2cb8-4ec8-b3d0-128d68762dc4 + current_stock: 15 + name: Juicy Golden Pineapple Bursting with Flavor + category: groceries + style: fruits + description: This sweet yet tart pineapple is bursting with juicy golden flesh and + tropical flavor. Enjoy its refreshing crunch and vitamin riches in smoothies, + desserts, or snacks. + price: 4.99 + image: ce390822-2cb8-4ec8-b3d0-128d68762dc4.jpg + where_visible: UI +- id: 62af4e62-c516-43cb-8afd-9241810c54f9 + current_stock: 12 + name: Juicy Ruby Pomegranates + category: groceries + style: fruits + description: Juicy ruby-red Pomegranate Fruit, packed with sweet-tart antioxidant-rich + arils. This nutritious and delicious grocery staple bursting with flavor promotes + heart and overall health. + price: 5.99 + image: 62af4e62-c516-43cb-8afd-9241810c54f9.jpg + where_visible: UI +- id: 7885a4d9-2f1e-4cc4-b52f-82592f4caabd + current_stock: 6 + name: Juicy Raspberry Fruit Burst + category: groceries + style: fruits + description: Juicy, tangy raspberries bursting with sweet flavor! These antioxidant-rich + red gems are perfect for snacking, baking, or blending. Enjoy summer's deliciously + tart treat loaded with vitamin C and manganese. + price: 4.99 + image: 7885a4d9-2f1e-4cc4-b52f-82592f4caabd.jpg + where_visible: UI +- id: 08f37e68-f9de-4e33-8714-909903a4a43e + current_stock: 18 + name: Juicy Sweet Strawberries + category: groceries + style: fruits + description: Enjoy the sweet, juicy flavor of our farm-fresh strawberries! These + bright red beauties pack a powerful punch of vitamin C and antioxidants. Add their + vibrant color and natural sweetness to salads, smoothies, or snacks. Our nutritious + strawberries make the perfect healthy treat! + price: 3.99 + image: 08f37e68-f9de-4e33-8714-909903a4a43e.jpg + where_visible: UI + promoted: true +- id: e574f0de-94eb-4781-9ed7-248f5e041549 + current_stock: 18 + name: Juicy Tangerines - Sweet Tangy Snack + category: groceries + style: fruits + description: Tangerines - Sweet, juicy citrus bursting with tangy flavor. Enjoy + nature's candy in an easy-to-peel snack. Just 2.99 per pound. + price: 2.99 + image: e574f0de-94eb-4781-9ed7-248f5e041549.jpg + where_visible: UI +- id: 1168b59f-b1e3-45bf-b7bc-fd1daf349482 + current_stock: 9 + name: Sweet Juicy Watermelon Slices + category: groceries + style: fruits + description: Refreshingly sweet watermelon, loaded with hydrating nutrients like + vitamin C and potassium. This crisp, juicy melon will quench your thirst and provide + a wealth of vitamins to support your health. Enjoy its sweet taste in wedges, + cubes, or blended into a smoothie! + price: 3.99 + image: 1168b59f-b1e3-45bf-b7bc-fd1daf349482.jpg + where_visible: UI +- id: 6bbcc8b3-99b1-4b5c-8404-ab727449887b + current_stock: 12 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our premium, sustainable beef offers an ethical, high-quality protein. + This flavorful, antibiotic-free beef from humanely-raised cattle supports ecological + farms. Enjoy nutritious, succulent grass-fed beef from our trusted, sustainable + ranch. + price: 12.99 + image: 6bbcc8b3-99b1-4b5c-8404-ab727449887b.jpg + where_visible: UI +- id: 5561690b-254e-4c4c-8ae1-4642e400e18d + current_stock: 11 + name: Tender Grass-Fed Beef + category: groceries + style: meat + description: Our premium beef from small, local farms pairs sustainable practices + with exceptional tenderness and rich flavor. The nutritious, humanely-raised cuts + are perfect for grilling or slow cooking to savor the succulence. + price: 12.99 + image: 5561690b-254e-4c4c-8ae1-4642e400e18d.jpg + where_visible: UI +- id: 386fe76e-5573-45ae-8474-64afbd48e1b3 + current_stock: 13 + name: Tender Grass-Fed Beef + category: groceries + style: meat + description: Our locally raised, tender beef offers exceptional marbling and rich + flavor perfect for burgers or roasts. This nutritious, humanely raised protein + source is versatile and satisfying - a grocery staple brimming with iron, zinc + and B vitamins. + price: 10.99 + image: 386fe76e-5573-45ae-8474-64afbd48e1b3.jpg + where_visible: UI + promoted: true +- id: db13fb46-bcd9-4708-b98d-5ec644f61c6a + current_stock: 16 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our premium, locally-raised beef offers exceptionally tender, richly + marbled cuts with unparalleled flavor. This nutritious, humanely-raised protein + source is perfect for grilling or stews. Savor the superior taste of sustainably-farmed + goodness. + price: 14.99 + image: db13fb46-bcd9-4708-b98d-5ec644f61c6a.jpg + where_visible: UI +- id: c7957edf-33e1-4724-b580-878ff945b0c2 + current_stock: 19 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our premium grass-fed beef offers exceptionally tender, finely marbled + cuts with rich, beefy flavor. Sustainably raised by local farmers who care for + animal welfare and land, this nutritious beef makes a delicious, versatile addition + to your grocery list. + price: 15.99 + image: c7957edf-33e1-4724-b580-878ff945b0c2.jpg + where_visible: UI +- id: e2a60c0c-de0c-49d0-b66f-cf6406058797 + current_stock: 14 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our premium, locally-raised beef offers exceptionally tender, marbled + cuts with rich, beefy flavor. This nutritious, humanely-raised protein makes for + a satisfying, versatile meal centerpiece. + price: 13.99 + image: e2a60c0c-de0c-49d0-b66f-cf6406058797.jpg + where_visible: UI +- id: e50a3585-a7be-4481-a4bb-4769a6066c91 + current_stock: 14 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our organic, grass-fed beef delivers a rich, earthy flavor and tender + texture. Ethically raised on small family farms without antibiotics or hormones, + this sustainable meat makes healthy, delicious meals. + price: 8.99 + image: e50a3585-a7be-4481-a4bb-4769a6066c91.jpg + where_visible: UI +- id: 8e772d7a-3921-4cf8-bf97-e428e90eeba1 + current_stock: 11 + name: Tender Grass-Fed Beef + category: groceries + style: meat + description: Our premium grass-fed beef offers tender, flavorful cuts from sustainably-raised + local cattle. The farmers care for animal welfare and land, providing nutritious, + humanely-raised protein. This versatile staple is an excellent value. + price: 13.99 + image: 8e772d7a-3921-4cf8-bf97-e428e90eeba1.jpg + where_visible: UI +- id: dd6fdb3f-f567-45c9-ad4a-f36fcd56ad22 + current_stock: 16 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our premium grass-fed beef offers exceptionally tender, flavorful cuts + from local farms dedicated to sustainability and animal welfare. This nutritious + choice brings the highest quality beef from farm to table for an unparalleled + culinary experience. + price: 13.99 + image: dd6fdb3f-f567-45c9-ad4a-f36fcd56ad22.jpg + where_visible: UI +- id: 47404fab-577a-4691-8277-6de9ab87ea15 + current_stock: 11 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our juicy, flavorful organic grass-fed beef offers a nutrient-rich + protein source sustainably raised on local farms without hormones or antibiotics + for an unparalleled quality family meal. + price: 9.99 + image: 47404fab-577a-4691-8277-6de9ab87ea15.jpg + where_visible: UI +- id: e61935e9-bfd3-4ea7-81a0-3212f542b18a + current_stock: 7 + name: Tender Grass-Fed Beef + category: groceries + style: meat + description: Our grass-fed beef offers succulent, tender flavor from cows humanely + raised on sustainable family farms without hormones or antibiotics. This nutrient-dense + protein makes a delicious, responsible choice. + price: 7.99 + image: e61935e9-bfd3-4ea7-81a0-3212f542b18a.jpg + where_visible: UI +- id: 8d67146f-0b59-4761-9120-34ebfee7b299 + current_stock: 13 + name: Tender Grass-Fed Beef + category: groceries + style: meat + description: Our premium grass-fed beef offers exceptionally tender, finely marbled + cuts with rich, beefy flavor. Sustainably raised by local farmers who care deeply + about animal welfare and land stewardship. An excellent source of protein, iron, + zinc and B vitamins. Versatile from burgers to roasts, this nutritious beef provides + superb quality and value. + price: 11.99 + image: 8d67146f-0b59-4761-9120-34ebfee7b299.jpg + where_visible: UI +- id: fabc3cde-1203-4f82-8080-bf3b1bf36a6b + current_stock: 14 + name: Premium Pastured Beef + category: groceries + style: meat + description: Our locally-raised, tender grass-fed beef offers exceptional flavor + and nutrition. This premium beef from humanely treated cattle provides protein, + iron, zinc, and B vitamins in versatile cuts perfect for burgers, roasts, and + more. Sustainably farmed for quality and value. + price: 11.99 + image: fabc3cde-1203-4f82-8080-bf3b1bf36a6b.jpg + where_visible: UI + promoted: true +- id: 9b77b034-1d58-415a-9184-fb121a8a5799 + current_stock: 13 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our premium grass-fed beef delivers exceptional tenderness and rich + flavor. Raised humanely and sustainably by local farmers, this nutritious protein + makes a satisfying and versatile meal centerpiece. + price: 10.99 + image: 9b77b034-1d58-415a-9184-fb121a8a5799.jpg + where_visible: UI +- id: 44f68197-2a7a-47d7-9cb5-3aba2d71b949 + current_stock: 6 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our succulent organic beef offers a flavorful, ethically-raised protein. + This grass-fed cow was humanely raised without antibiotics or hormones, resulting + in a nutritious, sustainable choice for conscientious shoppers. + price: 14.99 + image: 44f68197-2a7a-47d7-9cb5-3aba2d71b949.jpg + where_visible: UI +- id: 20d93fb0-f2b7-4b94-996e-42b54c0c2845 + current_stock: 6 + name: Tender Grass-Fed Steak + category: groceries + style: meat + description: Our locally-raised, humanely-treated beef delivers unmatched flavor + and tenderness. This nutritious, finely marbled premium cut promises a superb + dining experience. Sustainably-sourced from trusted farmers committed to quality. + price: 7.99 + image: 20d93fb0-f2b7-4b94-996e-42b54c0c2845.jpg + where_visible: UI + promoted: true +- id: ee882660-2b73-4243-beea-e34541a94a4e + current_stock: 14 + name: Tender Grass-Fed Beef Steaks + category: groceries + style: meat + description: Our premium grass-fed beef offers exceptionally tender, flavorful cuts + from sustainably raised, humanely handled cattle. This nutritious, versatile meat + from local farmers raises any dish without hormones or antibiotics. + price: 13.99 + image: ee882660-2b73-4243-beea-e34541a94a4e.jpg + where_visible: UI + promoted: true +- id: 0770ffd6-c89a-489a-b9dc-e5c1c267e102 + current_stock: 18 + name: Tender Grass-Fed Organic Beef + category: groceries + style: meat + description: Our organic, grass-fed beef delivers an ethical, flavorful protein. + This beef comes from humanely-raised cows without antibiotics or hormones, resulting + in a nutritious, delicious grocery choice. + price: 14.99 + image: 0770ffd6-c89a-489a-b9dc-e5c1c267e102.jpg + where_visible: UI +- id: fa496dad-dab8-4c6e-9836-eb7dcfb2724f + current_stock: 7 + name: Tender Grass-Fed Beef Steak + category: groceries + style: meat + description: Our sustainably-raised, organic grass-fed beef offers premium flavor + and nutrition. This antibiotic-free, humanely-raised beef is the discerning customer's + choice for supporting responsible agriculture and animal welfare. + price: 6.99 + image: fa496dad-dab8-4c6e-9836-eb7dcfb2724f.jpg + where_visible: UI +- id: a15e69d5-0765-4be4-8932-cf006edeff0c + current_stock: 8 + name: Grass-Fed Goodness + category: groceries + style: meat + description: Our organic, grass-fed beef offers an ethically-raised, flavorful protein. + The cattle live happy, natural lives resulting in more nutritious, better-tasting + meat. When you choose this product, you support sustainable agriculture and humane + animal treatment. + price: 13.99 + image: a15e69d5-0765-4be4-8932-cf006edeff0c.jpg + where_visible: UI +- id: 9aa902f5-c775-45b9-bce3-793beb5136d0 + current_stock: 10 + name: Ethically Raised Free-Range Chicken + category: groceries + style: meat + description: Our premium chicken is humanely raised on small family farms without + antibiotics or hormones. As a nutritious and flavorful addition to any meal, this + sustainably-sourced poultry promotes humane practices while providing a healthy + protein source. + price: 8.99 + image: 9aa902f5-c775-45b9-bce3-793beb5136d0.jpg + where_visible: UI +- id: 9cd7f07e-9e01-45f6-8f65-c09b12d65efe + current_stock: 6 + name: Ethically Raised Free-Range Chicken + category: groceries + style: meat + description: Our premium, all-natural chicken offers delicious, juicy meat from + small family farms dedicated to humane, sustainable practices without antibiotics + or hormones. Promotes health of people, animals and environment. + price: 7.99 + image: 9cd7f07e-9e01-45f6-8f65-c09b12d65efe.jpg + where_visible: UI +- id: c1f90b12-59c8-4af3-8dd6-d8dbd16d5422 + current_stock: 14 + name: Tender Pasture-Raised Pork + category: groceries + style: meat + description: Our premium, sustainably-raised pork offers an ethically-sourced, tender + and juicy taste perfect for all recipes. Humanely-raised on pasture without antibiotics + or hormones. + price: 10.99 + image: c1f90b12-59c8-4af3-8dd6-d8dbd16d5422.jpg + where_visible: UI +- id: 28fd3ede-3381-419c-8c9d-3e6e907d7114 + current_stock: 18 + name: Tender and Ethical Pork + category: groceries + style: meat + description: Our premium pork is sustainably raised on family farms that are committed + to ethical practices. The exceptional tenderness, juiciness and flavor of this + pork makes it a nutritious addition to any meal. Responsibly sourced and locally + raised pork you can feel good about serving. + price: 13.99 + image: 28fd3ede-3381-419c-8c9d-3e6e907d7114.jpg + where_visible: UI +- id: 3d8bb35f-761d-43a8-84a5-d7beff8bc8c0 + current_stock: 13 + name: Tenderly Raised Organic Pork + category: groceries + style: meat + description: Our premium organic pork delivers juicy, tender flavor from humanely-raised + pigs grazing freely on sustainable farms. This antibiotic-free, ethically-sourced + meat offers nutritious deliciousness for all your favorite dishes. + price: 15.99 + image: 3d8bb35f-761d-43a8-84a5-d7beff8bc8c0.jpg + where_visible: UI +- id: daa12adf-0666-422c-bd58-36771232b706 + current_stock: 19 + name: Tenderly Raised Pork, Delectably Flavorful + category: groceries + style: meat + description: Tender, sustainably-raised pork from farmers dedicated to responsible + stewardship. Nutritious, wholesome goodness with delicious flavor and tender texture. + The perfect addition for family meals you can feel good about serving. + price: 7.99 + image: daa12adf-0666-422c-bd58-36771232b706.jpg + where_visible: UI +- id: 9853e59b-7118-4433-b4dc-5f57191733ef + current_stock: 7 + name: Tender & Flavorful Antibiotic-Free Pork + category: groceries + style: meat + description: Our sustainably-raised premium pork delivers exceptional flavor and + tenderness. The farmers go above industry standards to produce antibiotic-free, + hormone-free pork from pigs allowed natural behaviors and optimal diet for superior + nutrition and taste. An unrivaled eating experience supporting sustainable farming. + price: 10.99 + image: 9853e59b-7118-4433-b4dc-5f57191733ef.jpg + where_visible: UI +- id: 122fb19c-8b5e-4502-895a-b70ac68178ed + current_stock: 18 + name: Tender and Juicy Organic Pork + category: groceries + style: meat + description: Our premium, free-range pork delivers unbeatable juicy flavor and tender + texture, ethically raised without antibiotics or hormones. This minimally processed, + sustainably farmed organic meat makes a delicious, nutritious addition to any + meal. + price: 7.99 + image: 122fb19c-8b5e-4502-895a-b70ac68178ed.jpg + where_visible: UI +- id: 59a9a899-f122-4e4e-8796-fe683d90fcc3 + current_stock: 9 + name: Tender Pasture Pork + category: groceries + style: meat + description: Our pasture-raised pork delivers exceptional taste and nutrition from + pigs allowed to roam and feed naturally. This premium, ethically-sourced meat + is perfect for cooking needs, offering delicious flavor and tender texture in + a high-quality protein source. + price: 7.99 + image: 59a9a899-f122-4e4e-8796-fe683d90fcc3.jpg + where_visible: UI +- id: 9503c98c-58e3-40f1-bd03-30444c17e55c + current_stock: 7 + name: Sustainably Raised Free-Range Pork + category: groceries + style: meat + description: Our humanely-raised, organic pork delivers exceptionally juicy, tender + flavor. This premium meat from pigs allowed to roam freely makes every recipe + taste great while meeting the highest sustainability standards. + price: 9.99 + image: 9503c98c-58e3-40f1-bd03-30444c17e55c.jpg + where_visible: UI +- id: 069e92e2-e9fe-40b9-8deb-3cf0d5ae2930 + current_stock: 10 + name: Tender Organic Humanely-Raised Pork + category: groceries + style: meat + description: Our premium organic pork offers juicy, flavorful meat from humanely-raised + pigs allowed to roam freely. This tender, lean protein meets the highest standards + - no hormones or antibiotics. A nutritious choice for healthy, sustainable meals. + price: 12.99 + image: 069e92e2-e9fe-40b9-8deb-3cf0d5ae2930.jpg + where_visible: UI +- id: a0927240-5732-43ef-a3dc-6ea716b15372 + current_stock: 7 + name: Sustainable Wild Crab Meat + category: groceries + style: seafood + description: Enjoy the sweet, delicate flavor of wild-caught sustainable crab meat. + This premium seafood offers a tender texture and fresh taste for salads, pastas, + and more. An ocean-friendly choice. + price: 13.99 + image: a0927240-5732-43ef-a3dc-6ea716b15372.jpg + where_visible: UI +- id: 82aa8f53-3556-4fb9-aeed-547a4ea726ff + current_stock: 17 + name: Sustainably Sourced Sweet Crab + category: groceries + style: seafood + description: Wild-caught or sustainable crab, enjoy the sweet delicate meat and + tender texture of this premium seafood. Versatile and easy to prepare, a fantastic + addition to salads, pastas, and more. Ethically sourced for quality and environmental + responsibility. + price: 14.99 + image: 82aa8f53-3556-4fb9-aeed-547a4ea726ff.jpg + where_visible: UI +- id: b1374b6e-ece9-4db4-bfa3-7dbae826b454 + current_stock: 19 + name: Wild-Caught Crab Legs + category: groceries + style: seafood + description: Sustainably-sourced wild crab delivers sweet, succulent meat with a + delicate flavor. Enjoy the tender texture of these premium crab legs or claws + guilt-free, knowing they come from responsibly managed waters. Simply heat and + serve. + price: 23.99 + image: b1374b6e-ece9-4db4-bfa3-7dbae826b454.jpg + where_visible: UI +- id: 2f66acb6-61e0-409b-a0de-1f52b49536b3 + current_stock: 6 + name: Northwest's Sweetest Sustainable Dungeness Crab + category: groceries + style: seafood + description: Sustainably-sourced, sweet, tender Dungeness crab from the Pacific + Northwest. An excellent source of protein and important nutrients. Responsibly + harvested for your table from prized Northwest waters. + price: 13.99 + image: 2f66acb6-61e0-409b-a0de-1f52b49536b3.jpg + where_visible: UI +- id: 6ddb5322-11b6-4884-8b7d-0e95b9116c03 + current_stock: 18 + name: Succulent Lobster Tail Meat + category: groceries + style: seafood + description: Succulent, tender lobster tail and claw meat, sustainably and humanely + harvested for unmatched freshness. The sweet, briny ocean flavor shines in gourmet + dishes like lobster rolls and mac and cheese. An impressive, premium seafood ingredient + for discerning home chefs. + price: 16.99 + image: 6ddb5322-11b6-4884-8b7d-0e95b9116c03.jpg + where_visible: UI +- id: a7bb3478-b9a9-43e2-bfae-39b88accf7d6 + current_stock: 15 + name: Tender Pacific Octopus - Sustainably Caught Seafood + category: groceries + style: seafood + description: Tender Pacific octopus, sustainably caught and ready to cook. Slow-simmered + for ultimate tenderness, this wild-caught seafood adds briny sweetness and satisfying + bite to any dish. An nutritious, premium ingredient for seafood lovers. + price: 19.99 + image: a7bb3478-b9a9-43e2-bfae-39b88accf7d6.jpg + where_visible: UI + promoted: true +- id: d8145423-38c9-43a5-a98f-8cd16fc64817 + current_stock: 7 + name: Briny Fresh Oysters + category: groceries + style: seafood + description: Sustainably-sourced, tender oysters with briny flavor pair nicely with + lemon or cocktail sauce. These fresh, local bivalves are a delicious starter for + special occasions. Responsibly farmed for minimal environmental impact. + price: 14.99 + image: d8145423-38c9-43a5-a98f-8cd16fc64817.jpg + where_visible: UI + promoted: true +- id: 4cdc5870-4d96-4cc3-8fc0-4ef81d7cc7f6 + current_stock: 18 + name: Freshly Farmed Briny Oysters + category: groceries + style: seafood + description: Sustainably farmed premium oysters, freshly harvested with a sweet, + briny flavor. Creamy texture pairs well with lemon and cocktail sauce. An appetizer + that feels good to serve for special occasions or everyday seafood cravings. + price: 23.99 + image: 4cdc5870-4d96-4cc3-8fc0-4ef81d7cc7f6.jpg + where_visible: UI + promoted: true +- id: 5f56f489-e61f-49e8-868a-4d98872b2ccb + current_stock: 9 + name: Fresh Plump Oysters + category: groceries + style: seafood + description: Savor the taste of the sea with these plump, briny oysters sustainably + harvested from pristine waters. A creamy, deliciously firm texture makes these + premium oysters a flavorful addition to any seafood feast. An eco-friendly groceries + choice. + price: 12.99 + image: 5f56f489-e61f-49e8-868a-4d98872b2ccb.jpg + where_visible: UI +- id: 23f376ce-62ac-40e0-ac3a-3db18b902780 + current_stock: 6 + name: Briny Bivalves - Fresh Oysters + category: groceries + style: seafood + description: Sustainably farmed, raw oysters with briny, clean ocean flavor. Enjoy + their tender texture and succulent taste straight-up or in seafood dishes. Responsibly + harvested for wholesome goodness. + price: 22.99 + image: 23f376ce-62ac-40e0-ac3a-3db18b902780.jpg + where_visible: UI +- id: f7dfe0b1-8e7e-4c44-918a-0cb31ec128d0 + current_stock: 10 + name: Briny Sustainably-Sourced Oysters + category: groceries + style: seafood + description: Sustainably-sourced oysters offer a briny sweetness and tender texture. + Perfect for shucking raw or cooked in your favorite recipes. Support ocean ecosystems + with these premium mollusks full of satisfying flavor. + price: 17.99 + image: f7dfe0b1-8e7e-4c44-918a-0cb31ec128d0.jpg + where_visible: UI +- id: 31c66849-210f-4545-9417-da017ded65a1 + current_stock: 12 + name: Tender Briny Oysters Ready to Savor + category: groceries + style: seafood + description: Tender, briny oysters steamed open and cooked to perfection. These + ready-to-eat, sustainably raised mollusks offer sophisticated flavor and elegant + texture, perfect for appetizers or adding an impressive touch to any dish. + price: 20.99 + image: 31c66849-210f-4545-9417-da017ded65a1.jpg + where_visible: UI +- id: f3c68691-2d92-492f-81d1-726e93788751 + current_stock: 8 + name: Savory Salmon Fillets, Sustainably Caught + category: groceries + style: seafood + description: "Succulent, sustainably-caught Atlantic salmon fillets offer a rich,\ + \ savory flavor and firm yet tender texture. These omega-3-rich fillets make nutritious,\ + \ versatile entr\xE9es or salads." + price: 13.99 + image: f3c68691-2d92-492f-81d1-726e93788751.jpg + where_visible: UI +- id: dfee5337-9791-4d76-b4e3-7b9ea3825dfe + current_stock: 10 + name: Wild Salmon - Sustainably Caught & Deliciously Flaky + category: groceries + style: seafood + description: Indulge in the rich, flaky texture of wild-caught sustainable Atlantic + salmon. This eco-friendly fillet boasts a bright orange-pink hue and butter-like + flavor that makes a nutritious, protein-packed addition to any meal. + price: 15.99 + image: dfee5337-9791-4d76-b4e3-7b9ea3825dfe.jpg + where_visible: UI +- id: 0016fde3-0910-4cc1-8ef6-90e15f271073 + current_stock: 19 + name: Fresh Salmon Sushi, Vibrant and Delicate + category: groceries + style: seafood + description: Sustainably-raised salmon, velvety texture, vibrant orange-red color. + Farmed responsibly, this fresh, flavorful fish offers delicate taste and fatty + richness to complement rice, nori, and veggies in your sushi. + price: 24.99 + image: 0016fde3-0910-4cc1-8ef6-90e15f271073.jpg + where_visible: UI +- id: 469d5ae2-0882-49fb-8201-0ae24d1b157d + current_stock: 6 + name: Farmed Salmon - Tender and Flaky + category: groceries + style: seafood + description: Tender, flaky salmon filets sustainably farmed in cold, clean waters. + This premium salmon offers the rich flavor and health benefits of wild salmon + without depleting natural stocks. An excellent source of omega-3s and protein, + this versatile fish is perfect for grilling, baking, or pan-searing. Responsibly + sourced for eco-friendliness. + price: 19.99 + image: 469d5ae2-0882-49fb-8201-0ae24d1b157d.jpg + where_visible: UI + promoted: true +- id: 4b29ebdb-28d3-49ee-a9b1-cdb49fbb51f9 + current_stock: 7 + name: Succulent Salmon, Sustainably Farmed + category: groceries + style: seafood + description: Premium farmed salmon fillets offer rich, savory taste and tender texture. + Sustainably raised for healthy omega-3s. An excellent source of protein and nutrients + to boost any dish. + price: 22.99 + image: 4b29ebdb-28d3-49ee-a9b1-cdb49fbb51f9.jpg + where_visible: UI +- id: 2e22e921-bdf1-4c4a-ae6f-fb15bfa24110 + current_stock: 6 + name: Tender Sustainably-Sourced Shrimp + category: groceries + style: seafood + description: Delish sustainably-sourced shrimp offer juicy, tender texture with + delicious flavor. Thoughtfully harvested and premium quality, these versatile + shrimp are an excellent eco-friendly addition to seafood recipes or simple garlic + butter preparations. + price: 24.99 + image: 2e22e921-bdf1-4c4a-ae6f-fb15bfa24110.jpg + where_visible: UI +- id: df051d82-4945-4570-a0b2-278487994b5b + current_stock: 17 + name: Fresh-Caught Sustainable Jumbo Shrimp + category: groceries + style: seafood + description: "Sustainably-sourced jumbo shrimp, freshly caught and perfect for grilling,\ + \ saut\xE9ing, or adding to pasta. Sweet, tender shrimp bursting with flavor,\ + \ nutritious and responsibly sourced. An ocean-fresh ingredient to inspire your\ + \ inner chef." + price: 13.99 + image: df051d82-4945-4570-a0b2-278487994b5b.jpg + where_visible: UI +- id: 666859d9-cb7f-4f52-ab9a-ff1132574593 + current_stock: 13 + name: Wild Shrimp - Sweet & Sustainable + category: groceries + style: seafood + description: Wild Caught Shrimp offers sustainably sourced, fresh and plump shrimp + perfect for salads, pasta, or on its own. This responsibly caught seafood adds + great nutrition and sweet briny flavor to everyday meals. + price: 25.99 + image: 666859d9-cb7f-4f52-ab9a-ff1132574593.jpg + where_visible: UI +- id: 8918716f-1a75-43e6-9811-c87d04d8c0bd + current_stock: 9 + name: Wild Shrimp - Succulent Seafood + category: groceries + style: seafood + description: Wild-caught shrimp fresh from pristine waters offer succulent sweet + flavor and tender texture. Versatile and nutritious, they elevate soups, salads, + pastas, and more. Responsibly sourced, these tasty shrimp are the perfect addition + to any meal. + price: 24.99 + image: 8918716f-1a75-43e6-9811-c87d04d8c0bd.jpg + where_visible: UI +- id: a9d6ceb2-92da-4523-af26-8df87ca7569f + current_stock: 9 + name: Fresh Asparagus - Harbinger of Spring + category: groceries + style: vegetables + description: Tender spears of asparagus, the harbinger of spring, lend their delicate + flavor and crispy texture to salads, pastas, and more. Stock up on this antioxidant-rich + vegetable while it's in season for nutritious, quick meals. + price: 7.99 + image: a9d6ceb2-92da-4523-af26-8df87ca7569f.jpg + where_visible: UI + promoted: true +- id: 547c307d-f756-4e69-af71-897352247169 + current_stock: 6 + name: Creamy Avocados, Nature's Nutritious Treat + category: groceries + style: vegetables + description: Creamy, nutritious avocados add rich flavor and velvety texture to + dishes. Their mild taste complements both savory and sweet recipes. Enjoy the + fiber, potassium, vitamins, and healthy fats in this versatile fruit veggie raw + or cooked. + price: 7.99 + image: 547c307d-f756-4e69-af71-897352247169.jpg + where_visible: UI +- id: 49e88e2d-7b80-4e78-9262-8bdabe0507d8 + current_stock: 10 + name: Fragrant Fresh Basil for Pestos + category: groceries + style: vegetables + description: Our Fresh Basil packs a flavorful, fragrant punch. Its soft, verdant + leaves infuse pastas, pestos, and more with delightful herbal essence. An aromatic + essential for creative home cooks. + price: 7.99 + image: 49e88e2d-7b80-4e78-9262-8bdabe0507d8.jpg + where_visible: UI + promoted: true +- id: d13b6ca8-3868-4ad5-80a0-b6449dddf0c4 + current_stock: 12 + name: Crunchy Sweet Red Peppers + category: groceries + style: vegetables + description: "Red bell peppers, sweet and crunchy with vibrant color, add flavorful\ + \ crunch and antioxidants to dishes. Versatile and nutritious, these tasty veggies\ + \ are excellent for salads, saut\xE9s, tacos, and more. Stay stocked up on this\ + \ colorful staple!" + price: 6.99 + image: d13b6ca8-3868-4ad5-80a0-b6449dddf0c4.jpg + where_visible: UI + promoted: true +- id: 4527bda1-0338-439f-9a56-749943dff6cb + current_stock: 14 + name: Crispy Red Bell Pepper + category: groceries + style: vegetables + description: A sweet, crunchy red bell pepper bursting with flavor and nutrition. + This versatile veggie adds a pop of color and vitamin C to any dish. Great for + salads, stir fries, and stuffing. An essential pantry staple ready to enhance + your cooking. + price: 4.99 + image: 4527bda1-0338-439f-9a56-749943dff6cb.jpg + where_visible: UI + promoted: true +- id: 006fc931-62fd-4096-b7c1-809500dbd1ac + current_stock: 9 + name: Fresh Broccoli Florets + category: groceries + style: vegetables + description: Crisp, nutrient-dense broccoli florets add vibrant color and subtle + sweetness to any dish. Steamed, roasted, or raw, these tree-shaped veggies pack + antioxidants, vitamins, and minerals in each satisfying crunch. An essential for + every pantry. + price: 4.99 + image: 006fc931-62fd-4096-b7c1-809500dbd1ac.jpg + where_visible: UI +- id: 2fe4ccef-f506-4fbc-b7ab-1461b96a8039 + current_stock: 18 + name: Crunchy Green Cabbage Heads + category: groceries + style: vegetables + description: A versatile leafy green, crisp Cabbage adds texture and earthy flavor + to salads, slaws, stir fries, and soups. An affordable kitchen staple, this nutrient-dense + cruciferous vegetable makes healthy, satisfying meals easy. + price: 3.99 + image: 2fe4ccef-f506-4fbc-b7ab-1461b96a8039.jpg + where_visible: UI +- id: 147dd25c-1a04-47a4-b214-03ec4f4c66e7 + current_stock: 13 + name: Crispy Carrots - Nature's Crunchy Delight + category: groceries + style: vegetables + description: Crunchy, sweet carrots - nature's orange bounty, packed with beta-carotene, + fiber, vitamins, and minerals. Versatile and delicious, these nutritious veggies + support health and add color and crunch to any dish. + price: 6.99 + image: 147dd25c-1a04-47a4-b214-03ec4f4c66e7.jpg + where_visible: UI +- id: 6ac572ca-2b0a-4ad4-8505-9ab1cfa35e93 + current_stock: 12 + name: Tasty Cauliflower Head - $3.99 + category: groceries + style: vegetables + description: Cauliflower, a versatile and nutritious vegetable, adds antioxidant-rich + flavor to dishes. Roast, mash, or rice this cruciferous white beauty for only + $3.99 per head. Stock up on its versatility for your low-carb needs today! + price: 3.99 + image: 6ac572ca-2b0a-4ad4-8505-9ab1cfa35e93.jpg + where_visible: UI +- id: efb27815-d66a-4c22-915f-09566e7e091d + current_stock: 18 + name: Cauliflower - So Much More Than Plain White + category: groceries + style: vegetables + description: Cauliflower, a versatile and nutritious vegetable, provides a wealth + of health benefits. With its mild, sweet flavor, it makes for a nutritious substitute + in dishes from pizza crusts to low-carb "rice." An excellent source of vitamin + C and antioxidants, cauliflower is a wholesome pantry staple. + price: 5.99 + image: efb27815-d66a-4c22-915f-09566e7e091d.jpg + where_visible: UI + promoted: true +- id: 6b21b337-e764-4f23-8add-5b90921b6206 + current_stock: 12 + name: Spicy Chillies - Add Fiery Kick! + category: groceries + style: vegetables + description: Fiery fresh chillies, essential for adding spicy kick and dynamic flavor + to salsas, curries, stir fries and more. These thin-skinned, fleshy peppers pack + a punch of heat and versatile spice. + price: 3.99 + image: 6b21b337-e764-4f23-8add-5b90921b6206.jpg + where_visible: UI +- id: b7a235ff-cf2a-4e43-ba15-7d8f0f07b178 + current_stock: 16 + name: Spicy Heat forFlavorful Dishes + category: groceries + style: vegetables + description: Spicy Chillies add zest to dishes. Their tangy heat from capsaicin + makes curries, salsas and stir fries pop. Ranging from mild to fiery on the Scoville + scale, these versatile veggies pack serious punch. An essential for cooks wanting + flavorful heat. + price: 6.99 + image: b7a235ff-cf2a-4e43-ba15-7d8f0f07b178.jpg + where_visible: UI +- id: 256e742a-d649-4833-a828-f3f69c26ab29 + current_stock: 10 + name: Zesty Hot Chillies Liven Any Dish + category: groceries + style: vegetables + description: Spicy Chillies add zest and heat to any dish. These flavorful and versatile + vegetables are a must-have pantry staple. Transform the flavor profile of your + meals with their intense, tangy kick. + price: 5.99 + image: 256e742a-d649-4833-a828-f3f69c26ab29.jpg + where_visible: UI +- id: 63b4d4eb-639e-44e3-8622-ea05b0d9ae64 + current_stock: 11 + name: Fiery Fresh Chili Peppers + category: groceries + style: vegetables + description: Spicy fresh chillies add a delightful heat and intrigue to salsas, + curries, and stir fries. The bright red, tapered shape makes these crispy, juicy + chillies a versatile and flavorful must-have for any spice-loving home cook's + pantry. + price: 7.99 + image: 63b4d4eb-639e-44e3-8622-ea05b0d9ae64.jpg + where_visible: UI + promoted: true +- id: d27b5683-8bcd-4c9d-a641-a8fe6b00f610 + current_stock: 15 + name: Fiery Fresh Chillies + category: groceries + style: vegetables + description: Spicy Chillies pack a fiery punch! These versatile vegetables add zesty + heat and dynamic flavor to curries, salsas, stir fries, and more. An essential + pantry staple for cooks seeking to spice up meals. + price: 6.99 + image: d27b5683-8bcd-4c9d-a641-a8fe6b00f610.jpg + where_visible: UI +- id: f48d05f9-9092-48b4-8ea8-41c763d6ce52 + current_stock: 13 + name: Fresh Cilantro Adds Zest + category: groceries + style: vegetables + description: Cilantro, the fresh and fragrant herb, adds a bright citrusy kick to + salsas, curries, and more. Chop the aromatic leaves or use the stems to infuse + soups and broths. An essential for Mexican, Indian, and Thai dishes. + price: 6.99 + image: f48d05f9-9092-48b4-8ea8-41c763d6ce52.jpg + where_visible: UI + promoted: true +- id: 63469605-9669-4b98-bcbd-b99da8de810e + current_stock: 19 + name: Refreshing Cucumber Snack + category: groceries + style: vegetables + description: Refresh and rejuvenate with these crisp, cool cucumbers. Packed with + hydration and nutrients, these versatile vegetables add crunch and flavor to salads, + sandwiches, and snacks. Stay healthy and satisfied with nature's perfect pick-me-up. + price: 7.99 + image: 63469605-9669-4b98-bcbd-b99da8de810e.jpg + where_visible: UI + promoted: true +- id: ccaec8f5-b33d-4676-a1b9-bc4b96951ee4 + current_stock: 9 + name: Garlic - Pungent Powerhouse for Health + category: groceries + style: vegetables + description: Add big, bold flavor to any dish with our fresh, aromatic garlic bulbs. + Stock your pantry with these nutritional powerhouses known for their versatility, + health benefits, and pungent, savory taste that enhances everything it touches. + price: 3.99 + image: ccaec8f5-b33d-4676-a1b9-bc4b96951ee4.jpg + where_visible: UI +- id: 9bfae0e7-27ee-497a-b853-e663578417e7 + current_stock: 15 + name: Crunchy Green Goodness + category: groceries + style: vegetables + description: Fresh, crisp green beans add vibrant color and crunch to meals. With + ample vitamins, minerals, and fiber, these tender, versatile veggies nourish the + body and palate. Stock your kitchen with this wholesome ingredient to add green + goodness to every dish. + price: 6.99 + image: 9bfae0e7-27ee-497a-b853-e663578417e7.jpg + where_visible: UI +- id: 0c2bb371-f724-4877-a235-86247859b895 + current_stock: 11 + name: Fresh Crisp Lettuce Leaves + category: groceries + style: vegetables + description: Crisp green lettuce leaves add crunch and fresh flavor to salads, sandwiches, + and more. Versatile and nutritious. + price: 5.99 + image: 0c2bb371-f724-4877-a235-86247859b895.jpg + where_visible: UI +- id: 4a84532e-2a0b-495e-9ccc-98068f465540 + current_stock: 11 + name: Fresh Crunchy Lettuce + category: groceries + style: vegetables + description: Crisp lettuce adds crunch and freshness to any dish. This nutrient-packed + leafy green is versatile, mild in flavor, and ready to make your next salad, taco, + or sandwich extra delicious. A must-have veggie for healthy, tasty meals! + price: 6.99 + image: 4a84532e-2a0b-495e-9ccc-98068f465540.jpg + where_visible: UI +- id: d229f4fc-1b89-4d13-af33-5f913aa2ce60 + current_stock: 8 + name: Crispy Fresh Lettuce + category: groceries + style: vegetables + description: Crisp, fresh lettuce adds crunch and mild flavor to salads, sandwiches, + and more. This nutrient-rich leafy green elevates any dish with its versatile, + cholesterol-free goodness. + price: 6.99 + image: d229f4fc-1b89-4d13-af33-5f913aa2ce60.jpg + where_visible: UI +- id: 04acd961-0c76-475b-870e-6daebfd7df21 + current_stock: 15 + name: Fresh Mint Leaves for Cooking + category: groceries + style: vegetables + description: Add a refreshing burst of flavor to meals and beverages with our aromatic + mint! This versatile herb's cool, invigorating scent and taste brighten both sweet + and savory dishes. An essential for any home cook's pantry. + price: 3.99 + image: 04acd961-0c76-475b-870e-6daebfd7df21.jpg + where_visible: UI +- id: 1462a200-0908-4e94-b110-00952e04ebd3 + current_stock: 19 + name: Earthy Fresh Mushrooms + category: groceries + style: vegetables + description: "Fresh mushrooms add earthy, umami flavor to any dish. These nutritious\ + \ fungi can be saut\xE9ed, roasted, or added to soups, sandwiches, and more. Versatile\ + \ and easy to prepare, our fresh mushrooms are the perfect pantry staple for elevating\ + \ your cooking." + price: 5.99 + image: 1462a200-0908-4e94-b110-00952e04ebd3.jpg + where_visible: UI + promoted: true +- id: 122339eb-ecbb-42e1-96c5-7559c3656f83 + current_stock: 13 + name: Farm Fresh Mushrooms - Versatile & Flavorful + category: groceries + style: vegetables + description: Our fresh, versatile mushrooms add rich, earthy flavor and meaty texture + to soups, stews, pastas, and more. An essential pantry staple packed with fiber + and vitamins. + price: 5.99 + image: 122339eb-ecbb-42e1-96c5-7559c3656f83.jpg + where_visible: UI + promoted: true +- id: 1f2ab804-f5e3-484c-a629-9206c8fedbe4 + current_stock: 14 + name: Crimson Onions, Versatile Staple + category: groceries + style: vegetables + description: Versatile vegetable, onions add rich flavor and aroma to savory dishes. + This budget-friendly pantry staple pairs nicely with meats, veggies, cheese. + price: 3.99 + image: 1f2ab804-f5e3-484c-a629-9206c8fedbe4.jpg + where_visible: UI +- id: 195c7beb-8632-41ce-a1af-16dee3d13093 + current_stock: 19 + name: Crimson Bulbs Add Sweet Savor + category: groceries + style: vegetables + description: Red onions add sweet, earthy depth of flavor to dishes. Saute, caramelize, + simmer in soup, or enjoy raw. This versatile vegetable belongs in every pantry. + price: 4.99 + image: 195c7beb-8632-41ce-a1af-16dee3d13093.jpg + where_visible: UI +- id: fc1b43b6-74e4-4291-9cc7-d8ddf521401d + current_stock: 13 + name: Juicy Sweet Onions + category: groceries + style: vegetables + description: This versatile and aromatic vegetable adds depth of flavor and nuanced + sweetness to a multitude of savory dishes. Chop, slice, or dice these pungent, + papery-skinned bulbs to elevate soups, salads, curries and more. + price: 5.99 + image: fc1b43b6-74e4-4291-9cc7-d8ddf521401d.jpg + where_visible: UI +- id: b8b63e67-22c5-4366-b420-977e7905354f + current_stock: 10 + name: Juicy Red Onions + category: groceries + style: vegetables + description: Red onions, a versatile pantry staple, add savory depth and aromatic + undertones to soups, stews, salads, and more. Their subtle sweetness and immune-boosting + quercetin make these antioxidant-rich, tear-inducing bulbs a must-have for every + kitchen. + price: 7.99 + image: b8b63e67-22c5-4366-b420-977e7905354f.jpg + where_visible: UI +- id: ef603e59-7a72-4240-ac88-497c1b440589 + current_stock: 16 + name: Fresh Parsley - Zesty Herb for Vibrant Dishes + category: groceries + style: vegetables + description: Parsley's bright, fresh flavor enlivens soups, salads, grains and more. + This versatile herb packs vitamins, antioxidants and vibrancy into just a sprinkle. + Elevate your dishes with a pop of color and zest from our farm-fresh curly parsley. + price: 6.99 + image: ef603e59-7a72-4240-ac88-497c1b440589.jpg + where_visible: UI + promoted: true +- id: d56b362e-5d34-4f5f-aa3d-2724ec45b569 + current_stock: 13 + name: Crunchy Sweet Pea Snacks + category: groceries + style: vegetables + description: Crowd-pleasing fresh green peas - packed with vitamins, minerals, and + flavor. Their sweet, earthy taste and tender texture make these nutritious veggies + perfect for soups, salads, sides, and more. An essential for every kitchen. + price: 3.99 + image: d56b362e-5d34-4f5f-aa3d-2724ec45b569.jpg + where_visible: UI +- id: db31ed85-5592-47ec-8894-104dec37448b + current_stock: 14 + name: Crispy Baked Potato Perfection + category: groceries + style: vegetables + description: Creamy, golden potatoes baked to fluffy perfection. These nutritious, + versatile spuds are a fiber-filled pantry staple great for soups, stews, salads + and more. Stock up on our tasty tubers today! + price: 3.99 + image: db31ed85-5592-47ec-8894-104dec37448b.jpg + where_visible: UI +- id: 3e56b2bb-d367-44bc-a694-4e8823e3bec2 + current_stock: 8 + name: Fresh Tubers - Versatile Potato Goodness + category: groceries + style: vegetables + description: Fluffy, versatile potatoes add comforting, nutritious goodness to meals. + These fresh tubers can be baked, fried, grilled or mashed to complement proteins + and veggies. Keep these subtle, earthy-flavored spuds on hand for hearty soups, + stews, salads and sides. + price: 6.99 + image: 3e56b2bb-d367-44bc-a694-4e8823e3bec2.jpg + where_visible: UI +- id: 0429c546-72d1-4a5d-9db5-bd973c9e4461 + current_stock: 15 + name: Fluffy Spuds for Soups & More + category: groceries + style: vegetables + description: Stock up on versatile Russet potatoes, perfect for soups, stews, salads + and more. These fluffy tubers boast a mild earthy flavor and nutrient-dense complex + carbs like vitamin C and B6. An essential pantry staple for only $3.99. + price: 3.99 + image: 0429c546-72d1-4a5d-9db5-bd973c9e4461.jpg + where_visible: UI +- id: d511fb3e-86bf-4bf9-a23a-a2ba30529b0e + current_stock: 14 + name: Fresh Spinach for Nutritious Meals + category: groceries + style: vegetables + description: Fresh spinach leaves, packed with vitamins and minerals, add leafy + green goodness to any dish. Enjoy the tender texture and earthy, herbaceous flavor + of this kitchen essential in salads, sides, or smoothies. + price: 4.99 + image: d511fb3e-86bf-4bf9-a23a-a2ba30529b0e.jpg + where_visible: UI +- id: 884493c5-4885-46e7-b3c0-d19bdde024e6 + current_stock: 18 + name: Tasty Orange Squash Veggie + category: groceries + style: vegetables + description: "A versatile, nutritious vegetable, our vitamin-rich squash can be\ + \ prepared in endless savory and sweet recipes. Enjoy its mildly sweet, smooth\ + \ orange flesh roasted, saut\xE9ed, baked, or pur\xE9ed into soups and breads." + price: 6.99 + image: 884493c5-4885-46e7-b3c0-d19bdde024e6.jpg + where_visible: UI +- id: 3fa257ab-5c4c-4963-941f-bc73bafc8bff + current_stock: 6 + name: Organic Squash - Nutritious and Versatile + category: groceries + style: vegetables + description: "A versatile, nutritious vegetable, our organic squash adds sweet earthy\ + \ flavor and bright color to any dish. Roast, bake, or saut\xE9 this wholesome\ + \ gourd and enjoy its smooth, firm flesh and wealth of vitamins and minerals." + price: 5.99 + image: 3fa257ab-5c4c-4963-941f-bc73bafc8bff.jpg + where_visible: UI +- id: 70afef2f-5a5e-4f39-ab6e-7050902f060c + current_stock: 14 + name: Juicy Fresh Red Tomatoes + category: groceries + style: vegetables + description: Juicy, fresh red tomatoes bursting with flavor and nutrition. Great + for sauces, salads, sandwiches - this versatile veggie brings a pop of color and + nutrients like lycopene and vitamin C to any dish. An essential pantry staple. + price: 5.99 + image: 70afef2f-5a5e-4f39-ab6e-7050902f060c.jpg + where_visible: UI +- id: e48a456e-bf9c-4750-976f-1e66db61b7b9 + current_stock: 15 + name: Juicy Red Ripe Tomatoes + category: groceries + style: vegetables + description: Red Ripe Tomatoes - Juicy, tangy, and packed with nutrition, these + versatile veggies add rich flavor and antioxidants to your favorite dishes. The + perfect pantry staple for salads, sauces, sandwiches and more! + price: 4.99 + image: e48a456e-bf9c-4750-976f-1e66db61b7b9.jpg + where_visible: UI +- id: 494eb706-c173-4f1b-b986-bad8280c9fa8 + current_stock: 7 + name: Juicy Red Homegrown Tomatoes + category: groceries + style: vegetables + description: Juicy Plump Tomatoes - Enjoy the sweet, tangy taste and vibrant red + color of these nutritious, versatile tomatoes. Perfect for sauces, salads, and + sandwiches. An antioxidant-rich pantry staple for home cooks. + price: 5.99 + image: 494eb706-c173-4f1b-b986-bad8280c9fa8.jpg + where_visible: UI +- id: f168b545-8c75-4434-b4f0-0640f7830070 + current_stock: 6 + name: Juicy Red Ripe Tomatoes + category: groceries + style: vegetables + description: Red ripe tomatoes, a versatile and nutritious grocery staple. Enjoy + the rich, tangy flavor and nutritional benefits of these antioxidant-rich beauties. + Dice, slice, sauce or snack for a flavorful addition to any meal. + price: 3.99 + image: f168b545-8c75-4434-b4f0-0640f7830070.jpg + where_visible: UI + promoted: true +- id: a0209299-172b-4073-9588-2c56e7f13b87 + current_stock: 13 + name: Sleek Modern Alarm to Brighten Your Mornings + category: homedecor + style: clock + description: Rise refreshed with this modern alarm clock featuring a radio, dimmer, + and 7-day programmable alarm to keep you on time. Its sleek contemporary look + complements any decor while the easy-to-read display ensures you'll never hit + snooze again. + price: 92.99 + image: a0209299-172b-4073-9588-2c56e7f13b87.jpg + where_visible: UI + promoted: true +- id: dce75815-1d1f-4557-9a89-8fee065c5331 + current_stock: 16 + name: Stylish Alarm - Wake Up in Style + category: homedecor + style: clock + description: This contemporary alarm clock adds style and reliability to your bedroom. + Customizable alarm settings ensure punctual wake-ups. Quality craftsmanship provides + accurate timekeeping in a sleek, easy-to-read display that complements any decor. + price: 70.99 + image: dce75815-1d1f-4557-9a89-8fee065c5331.jpg + where_visible: UI + promoted: true +- id: b101a661-1448-4331-b2a3-42ea72442d13 + current_stock: 15 + name: Sleek Contemporary Alarm Clock + category: homedecor + style: clock + description: A contemporary and reliable alarm clock with a sleek design that complements + any bedroom. Features a large, easy-to-read display, adjustable alarm settings, + customizable snooze, and built to last with quality materials for accurate timekeeping. + price: 147.99 + image: b101a661-1448-4331-b2a3-42ea72442d13.jpg + where_visible: UI +- id: 2f71e413-32fe-4f1d-a28b-8995be0685e8 + current_stock: 16 + name: Modern Polished Alarm Clock + category: homedecor + style: clock + description: This stylish alarm clock adds simple elegance to your bedroom. Its + clean design and polished finish help you wake up on time every morning. + price: 135.99 + image: 2f71e413-32fe-4f1d-a28b-8995be0685e8.jpg + where_visible: UI + promoted: true +- id: c1c8a6c7-9714-4015-9944-ecedbd066dac + current_stock: 12 + name: Stylish Clock Wakes You Gently + category: homedecor + style: clock + description: The perfect bedside companion, this contemporary alarm clock features + customizable alarms to suit your schedule, adjustable snooze, easy-to-read display, + and sleek styling to complement any decor. Reliably keeps you on time every morning. + price: 128.99 + image: c1c8a6c7-9714-4015-9944-ecedbd066dac.jpg + where_visible: UI +- id: dfa54311-dedc-4d92-8ade-d797e84a5c57 + current_stock: 15 + name: Sleek Modern Alarm Clock + category: homedecor + style: clock + description: The chic Sleek Alarm Clock adds a touch of modern elegance to your + room. Its clear, easy-to-use display ensures you'll wake up on time, while the + snooze button lets you catch those few extra minutes of sleep. + price: 106.99 + image: dfa54311-dedc-4d92-8ade-d797e84a5c57.jpg + where_visible: UI +- id: 7094c84b-1110-4849-b7cd-e05c13e71357 + current_stock: 7 + name: Modern Chic Alarm Clock + category: homedecor + style: clock + description: With its sleek and sophisticated design, this stylish alarm clock adds + elegance to any space while reliably waking you on time with its clear display + and handy snooze button. + price: 122.99 + image: 7094c84b-1110-4849-b7cd-e05c13e71357.jpg + where_visible: UI +- id: 02aaaa49-e274-480e-9830-1e1a495f7da4 + current_stock: 15 + name: Stylish Alarm Wakes You Gently + category: homedecor + style: clock + description: The perfect bedside companion - this stylish alarm clock wakes you + gently with its clear display and snooze button. Its polished classic design adds + simple elegance to your home. + price: 138.99 + image: 02aaaa49-e274-480e-9830-1e1a495f7da4.jpg + where_visible: UI + promoted: true +- id: c42ac631-be45-436f-a3cc-fedf5bf9d1ca + current_stock: 15 + name: Stylish Pocket Clock Home Decor + category: homedecor + style: clock + description: This stylish pocket clock adds modern flair while keeping you on time + anywhere. Its sleek metallic case houses precise analog innards in a portable, + easy-to-read design. + price: 107.99 + image: c42ac631-be45-436f-a3cc-fedf5bf9d1ca.jpg + where_visible: UI +- id: dabf7e92-b754-41f9-b182-b0e2d85eaa37 + current_stock: 14 + name: Sleek Minimalist White Quartz Table Clock + category: homedecor + style: clock + description: With its minimalist design and precise quartz movement, this sleek + white table clock combines form and function to elegantly keep time in any room. + price: 69.99 + image: dabf7e92-b754-41f9-b182-b0e2d85eaa37.jpg + where_visible: UI +- id: 76b68c54-3082-4fa2-8037-a74c54cd0f38 + current_stock: 6 + name: Modern White Clock With Elegant Style + category: homedecor + style: clock + description: This modern white table clock adds sophisticated style to any room + with its sleek, clean-lined design and large, easy-to-read clock face. An elegant + home decor accent for accurate timekeeping. + price: 141.99 + image: 76b68c54-3082-4fa2-8037-a74c54cd0f38.jpg + where_visible: UI +- id: 517a7fc1-0db5-440f-b6b8-b5577340716f + current_stock: 10 + name: Sleek Minimalist Table Clock + category: homedecor + style: clock + description: This minimalist table clock adds modern elegance to any room with its + sleek, precise design. The clean lines and high-contrast face ensure impeccable + timekeeping to complement your contemporary decor. + price: 145.99 + image: 517a7fc1-0db5-440f-b6b8-b5577340716f.jpg + where_visible: UI +- id: 8eb86a5d-f246-4190-b903-aab515c71b50 + current_stock: 6 + name: Sleek Minimalist Table Clock + category: homedecor + style: clock + description: This minimalist table clock adds sophisticated style to any room with + its clean white design, easy-to-read face, and subtle sweep hand. An elegant home + accessory that seamlessly blends form and function. + price: 61.99 + image: 8eb86a5d-f246-4190-b903-aab515c71b50.jpg + where_visible: UI +- id: 1254e676-be4d-41b6-9b34-5125e638420c + current_stock: 15 + name: Modern Minimalist White Table Clock + category: homedecor + style: clock + description: This modern white table clock adds sophisticated style to any room + with its sleek, clean-lined design and smooth white finish. The large, easy-to-read + dial keeps time accurately and reliably with quartz movement. + price: 70.99 + image: 1254e676-be4d-41b6-9b34-5125e638420c.jpg + where_visible: UI +- id: 05d0753d-d0e5-4808-bca0-f23d65b8f6a0 + current_stock: 17 + name: Bright White Modern Wall Clock + category: homedecor + style: clock + description: With its sleek contemporary design, this stylish white wall clock featuring + a round metal frame and easy-to-read numbers will keep perfect time while adding + decorative flair to any room. + price: 114.99 + image: 05d0753d-d0e5-4808-bca0-f23d65b8f6a0.jpg + where_visible: UI + promoted: true +- id: 9fbf8e43-b16c-4332-bb01-6e71eebbc98d + current_stock: 9 + name: Modern Round Clock With Clean Design + category: homedecor + style: clock + description: Elevate your home with this stylish minimalist round wall clock featuring + a clean white face with sleek black numbers that pops against any wall for an + eye-catching focal point. A timeless home decor essential made to last. + price: 83.99 + image: 9fbf8e43-b16c-4332-bb01-6e71eebbc98d.jpg + where_visible: UI +- id: 2e02b6c4-1994-4de0-8ccb-fbf1dba1d423 + current_stock: 7 + name: Modern White Minimalist Wall Clock + category: homedecor + style: clock + description: This modern wall clock features a sleek contemporary design to accent + any room. Its durable construction, easy-to-read dial, and accurate quartz movement + keep you punctual in style. + price: 148.99 + image: 2e02b6c4-1994-4de0-8ccb-fbf1dba1d423.jpg + where_visible: UI +- id: 97c2ec2e-5277-468c-a989-07ac32c29ccd + current_stock: 7 + name: Stylish Modern White Wall Clock + category: homedecor + style: clock + description: An elegant modern wall clock featuring a clean white face encased in + a sleek metal frame. Its large easy-to-read numbers and precise quartz movement + keep your home stylish and on time. + price: 137.99 + image: 97c2ec2e-5277-468c-a989-07ac32c29ccd.jpg + where_visible: UI +- id: 073c7282-51c3-4a6e-a27a-2a166d817cf6 + current_stock: 19 + name: Modern Metal Clock with Clean White Face + category: homedecor + style: clock + description: "Sleek and stylish, this large modern wall clock features a clean white\ + \ face with easy-to-read numbers in a durable metal frame. Its accurate quartz\ + \ movement keeps perfect time while complementing any d\xE9cor." + price: 86.99 + image: 073c7282-51c3-4a6e-a27a-2a166d817cf6.jpg + where_visible: UI + promoted: true +- id: c0966977-5b71-4f5e-92c7-04a86dbd7d71 + current_stock: 7 + name: Stylish Minimalist Wall Clock + category: homedecor + style: clock + description: Elevate your home with this stylish, minimalist white clock featuring + sleek black numbers that pop against the clean background. Its quality craftsmanship + ensures this timeless round wall decor remains an elegant focal point for years. + price: 91.99 + image: c0966977-5b71-4f5e-92c7-04a86dbd7d71.jpg + where_visible: UI +- id: a63e6cbf-29d7-4b3a-8298-d1d91f129bfa + current_stock: 6 + name: Sleek Minimalist Wall Clock + category: homedecor + style: clock + description: An elegant focal point for any room, this minimalist white wall clock + features sleek black numbers that pop against a clean background. Its durable + plastic frame keeps perfect time for years to come. + price: 147.99 + image: a63e6cbf-29d7-4b3a-8298-d1d91f129bfa.jpg + where_visible: UI +- id: ca5dea77-c0de-410c-9fa9-0fd1a5b185df + current_stock: 16 + name: Modern White Round Wall Clock + category: homedecor + style: clock + description: An elegant focal point for any room, this minimalist white clock features + sleek black numbers and hands that pop against a clean backdrop. Its quality craftsmanship + ensures this stylish and functional home accessory will keep perfect time for + years. + price: 112.99 + image: ca5dea77-c0de-410c-9fa9-0fd1a5b185df.jpg + where_visible: UI +- id: e5274182-e14d-4456-91d7-7c910fcbd7db + current_stock: 15 + name: Sleek Modern Wall Clock + category: homedecor + style: clock + description: With its sleek, contemporary design, this stylish white wall clock + adds decorative flare while keeping perfect time with its accurate quartz movement. + An elegant focal piece for any room. + price: 136.99 + image: e5274182-e14d-4456-91d7-7c910fcbd7db.jpg + where_visible: UI + promoted: true +- id: 0a33e46c-d245-4d44-9bad-d420e4c26c71 + current_stock: 8 + name: Sleek White Clock Keeps Time in Style + category: homedecor + style: clock + description: This modern white wall clock features a sleek design to accent your + home's decor while its accurate quartz movement keeps you punctual. + price: 82.99 + image: 0a33e46c-d245-4d44-9bad-d420e4c26c71.jpg + where_visible: UI +- id: bfaa50b7-3c88-4dc9-b945-8b5234271f56 + current_stock: 15 + name: Sleek White Minimalist Wall Clock + category: homedecor + style: clock + description: With its clean, modern design, this stylish white round wall clock + is an elegant focal point for any room. The minimalist black numbers pop against + the white face, creating an easy-to-read and eye-catching accent piece. + price: 52.99 + image: bfaa50b7-3c88-4dc9-b945-8b5234271f56.jpg + where_visible: UI +- id: fb59921d-39ac-4c6d-b3af-8debc5ad8255 + current_stock: 19 + name: Sleek Modern Round Wall Clock + category: homedecor + style: clock + description: An elegant focal point for any room, this clean-lined modern clock + features a crisp white face with sleek black numbers and hands that make time-telling + effortless. Its durable round shape elevates your decor with timeless style. + price: 80.99 + image: fb59921d-39ac-4c6d-b3af-8debc5ad8255.jpg + where_visible: UI +- id: d61d81c7-dc92-463f-9f0b-3edfbe9516af + current_stock: 18 + name: Sleek Modern Wall Clock in White + category: homedecor + style: clock + description: This modern white wall clock adds simple sophistication to your home + with its clean lines, easy-to-read face, and sleek black hands. An elegant focal + point for any room. + price: 136.99 + image: d61d81c7-dc92-463f-9f0b-3edfbe9516af.jpg + where_visible: UI + promoted: true +- id: 3d7fefba-b18a-4571-8a5f-0fc7547c7513 + current_stock: 9 + name: Modern Minimalist Wall Clock + category: homedecor + style: clock + description: This sleek and stylish white wall clock features a clean, contemporary + look with its round white face and black hands. Perfect for any room, it keeps + accurate time with durable construction. A chic decor accent for the modern home. + price: 144.99 + image: 3d7fefba-b18a-4571-8a5f-0fc7547c7513.jpg + where_visible: UI + promoted: true +- id: 06888a99-341b-4b86-8e31-879c414a43db + current_stock: 9 + name: Stylish Modern White Wall Clock + category: homedecor + style: clock + description: With its sleek modern design, this stylish white wall clock effortlessly + combines form and function. Its durable scratch-resistant glass face encased in + a metal frame keeps you punctual with an accurate quartz movement. + price: 118.99 + image: 06888a99-341b-4b86-8e31-879c414a43db.jpg + where_visible: UI +- id: dd631e85-6b31-47af-bf6e-cbe792353ae1 + current_stock: 17 + name: Soft Powder Cushion Brightens Decor + category: homedecor + style: cushion + description: Elevate your home with this soothing powder blue rectangular cushion. + Expertly crafted with plush fill and smooth fabric, it adds a stylish pop of color + and comfort to any room's decor. + price: 51.99 + image: dd631e85-6b31-47af-bf6e-cbe792353ae1.jpg + where_visible: UI +- id: 8770aa6d-44e7-4219-9ab4-71b3fd828f36 + current_stock: 16 + name: Stylish Gray Rectangular Cushion + category: homedecor + style: cushion + description: This stylish gray cushion adds a subtle touch of modern elegance to + any room. Crafted with soft polyester in a versatile rectangular shape, it blends + seamlessly into both light and dark decors. + price: 57.99 + image: 8770aa6d-44e7-4219-9ab4-71b3fd828f36.jpg + where_visible: UI + promoted: true +- id: 78b34131-69a4-4f3d-9fe3-04c3bbd0e211 + current_stock: 16 + name: Soft Gray Rectangular Cushion, Uniquely Stylish + category: homedecor + style: cushion + description: This soft light gray rectangular cushion adds a modern touch to any + room. Subtly stylish with clean lines, it provides plush comfort while effortlessly + complementing both light and dark decor. + price: 18.99 + image: 78b34131-69a4-4f3d-9fe3-04c3bbd0e211.jpg + where_visible: UI +- id: 6654a4c8-61a7-4313-b5ee-fc0426633ca4 + current_stock: 13 + name: Soft Blue Rectangular Cushion Tranquility + category: homedecor + style: cushion + description: Elevate your home decor with this soothing light blue plush cushion. + Its soft rectangular shape and elegant color add a pop of tranquility and comfort + to any living space. + price: 36.99 + image: 6654a4c8-61a7-4313-b5ee-fc0426633ca4.jpg + where_visible: UI +- id: b7b07f88-31b4-425b-97a9-c161199f795c + current_stock: 10 + name: Cozy Tan Rectangular Accent Cushion + category: homedecor + style: cushion + description: This stylish tan rectangular cushion adds a modern, inviting touch + to any room. Made with soft cotton and plush polyester fill, it provides comfort + and versatile style for sofa, chair or bed. + price: 51.99 + image: b7b07f88-31b4-425b-97a9-c161199f795c.jpg + where_visible: UI + promoted: true +- id: 47d7a314-6fe8-4e00-9586-682410719b7c + current_stock: 14 + name: Soft Red Plush Rectangular Cushion + category: homedecor + style: cushion + description: Bring rich, vibrant color to your home with this soft rectangular red + cushion. Its durable, high-quality construction and supple fabric provide exceptional + comfort and style for living spaces. + price: 40.99 + image: 47d7a314-6fe8-4e00-9586-682410719b7c.jpg + where_visible: UI +- id: 9577a89a-3d17-4db9-8f47-a95dd02ef90c + current_stock: 16 + name: Vibrant Dark Olive Decor Cushion + category: homedecor + style: cushion + description: Elevate your home decor with this plush dark olive cushion, featuring + a stylish rectangular design and soft, durable fabric. Its deep green hue adds + a pop of color to any room's style. + price: 26.99 + image: 9577a89a-3d17-4db9-8f47-a95dd02ef90c.jpg + where_visible: UI + promoted: true +- id: f2fdac3f-e508-4f6b-9954-fe85374f747a + current_stock: 12 + name: Plush Tan Rectangle Cushion + category: homedecor + style: cushion + description: Elevate your home decor with this plush, earth-toned rectangular cushion. + Its versatile tan fabric provides a warm, modern touch to sofas, chairs, and benches + alike. + price: 19.99 + image: f2fdac3f-e508-4f6b-9954-fe85374f747a.jpg + where_visible: UI +- id: b5b64ebf-9188-4e45-a9cb-433a889cf1c2 + current_stock: 14 + name: Rustic White Rectangular Throw Pillow + category: homedecor + style: cushion + description: Crafted with soft cotton and plush polyester, this generously sized + 18" x 12" x 5" antique white rectangular cushion adds cozy vintage farmhouse flair + to any sofa, chair, bench or bed. + price: 49.99 + image: b5b64ebf-9188-4e45-a9cb-433a889cf1c2.jpg + where_visible: UI +- id: ead102ca-975b-415b-86f7-2ec87a9e6f03 + current_stock: 11 + name: Bright White Rectangular Accent Cushion + category: homedecor + style: cushion + description: This plush white rectangular cushion adds a touch of simple elegance + to any room. Crafted with high-quality materials, its clean lines and bright hue + effortlessly complement traditional to contemporary decor. + price: 49.99 + image: ead102ca-975b-415b-86f7-2ec87a9e6f03.jpg + where_visible: UI + promoted: true +- id: 7e79a109-06f4-4503-8879-c0b6a4759e96 + current_stock: 8 + name: Rusty Rose Accent Cushion + category: homedecor + style: cushion + description: This rosy-brown rectangular cushion adds a subtle pop of color and + comfort to any room. Its neutral hue complements all decor while the soft texture + and durable materials ensure lasting beauty. + price: 49.99 + image: 7e79a109-06f4-4503-8879-c0b6a4759e96.jpg + where_visible: UI + promoted: true +- id: c76284e5-0186-42af-92d2-bd572c553508 + current_stock: 10 + name: Soft Gray Cushion, Modern Comfort + category: homedecor + style: cushion + description: This rectangular pale gray cushion brings subtle modern style to any + room. Expertly made with soft polyester cover and plush fill, it provides durable + comfort and versatility for sofas, chairs, and more. + price: 53.99 + image: c76284e5-0186-42af-92d2-bd572c553508.jpg + where_visible: UI +- id: 6458e9e3-6233-4d75-80f2-b91560bff36a + current_stock: 6 + name: Vibrant Navy Round Cushion + category: homedecor + style: cushion + description: This stylish dark blue cushion adds a bold pop of color and plush comfort + to any room. The circular shape and rich navy hue provide a modern, tranquil accent + to sofas, chairs, and more. + price: 32.99 + image: 6458e9e3-6233-4d75-80f2-b91560bff36a.jpg + where_visible: UI +- id: 2df92bed-f0eb-4145-896c-7a144d1bf167 + current_stock: 11 + name: Comfy Gray Cushions, Unique Stylish Decor + category: homedecor + style: cushion + description: Elevate your home decor with the soft and stylish Gainsboro Cushion + Set. This elegant gray cushion collection provides plush padding and tailored + flair for sofas, beds, and more. + price: 36.99 + image: 2df92bed-f0eb-4145-896c-7a144d1bf167.jpg + where_visible: UI +- id: 5b696273-fb70-4572-be09-0d3125618152 + current_stock: 19 + name: Stylish Gray Cushions Softly Sophisticate + category: homedecor + style: cushion + description: This stylish gray cushion set adds a soft, sophisticated touch to any + room. The plush seat cushions and coordinating accent pillows provide versatile + comfort and polished decor. Expertly crafted for durability and easy style. + price: 47.99 + image: 5b696273-fb70-4572-be09-0d3125618152.jpg + where_visible: UI +- id: 92749684-7ff7-4ed6-8eb7-b948dfee0d79 + current_stock: 18 + name: Plush Velvet Cushions in Slate Gray + category: homedecor + style: cushion + description: Luxurious dark slate gray velvet cushions lend an upscale, sophisticated + touch. Plush, supple construction provides exceptional comfort. Versatile charcoal + hue effortlessly complements any decor. + price: 20.99 + image: 92749684-7ff7-4ed6-8eb7-b948dfee0d79.jpg + where_visible: UI + promoted: true +- id: c8956c20-9214-4e38-9398-26e8d05b4924 + current_stock: 11 + name: Stylish Gray Cushion Set + category: homedecor + style: cushion + description: Elevate your home decor with this stylish set of 4 plush gray cushions. + Expertly crafted with soft, durable fabric, these versatile accent pieces complement + any aesthetic and provide a subtle, modern touch of comfort. + price: 46.99 + image: c8956c20-9214-4e38-9398-26e8d05b4924.jpg + where_visible: UI +- id: f4d4257d-aff2-4d81-a02f-9ab88b234a7b + current_stock: 9 + name: Stylish Blue Cushions, Comfort and Color + category: homedecor + style: cushion + description: This stylish blue cushion set adds a pop of color and modern flair + to any room. The soft, durable fabric provides comfort while the trendy blue hue + effortlessly complements both traditional and contemporary decor. + price: 40.99 + image: f4d4257d-aff2-4d81-a02f-9ab88b234a7b.jpg + where_visible: UI + promoted: true +- id: 7392337e-0136-4e87-875e-0f7b668ab742 + current_stock: 7 + name: Stylish Plush Cushion Set, Elevate Home Decor + category: homedecor + style: cushion + description: Elevate your home with this stylish and plush cushion set featuring + soft, luxurious cushions in complementary colors that add a sophisticated touch + of elegance to any room's decor. + price: 31.99 + image: 7392337e-0136-4e87-875e-0f7b668ab742.jpg + where_visible: UI +- id: a791d017-1dff-4632-bd32-cf91d966d3c4 + current_stock: 7 + name: Vibrant Patterned Cushions for Home + category: homedecor + style: cushion + description: This stylish cushion set adds a decorative touch to any room. The plush, + high-quality cushions feature colorful patterns in home decor-friendly styles + to complement your interior design. + price: 43.99 + image: a791d017-1dff-4632-bd32-cf91d966d3c4.jpg + where_visible: UI +- id: 9b752d29-c442-4347-b282-a9b0b77be1b2 + current_stock: 12 + name: Stylish Cushions Elevate Home Decor + category: homedecor + style: cushion + description: "This stylish and fashionable cushion set adds a touch of elegance\ + \ to any room. The eye-catching colors and patterns complement any d\xE9cor while\ + \ the soft, durable cushions provide cozy yet supportive seating. Elevate your\ + \ home with this chic accessory." + price: 37.99 + image: 9b752d29-c442-4347-b282-a9b0b77be1b2.jpg + where_visible: UI + promoted: true +- id: bf35140f-0a5d-4462-857d-77a6a293e412 + current_stock: 15 + name: Stylish Light Gray Cushion Set + category: homedecor + style: cushion + description: Elevate your home with this stylish light gray cushion set, featuring + plush polyester cushions in a versatile neutral tone. Soft, sophisticated style + for any room. + price: 46.99 + image: bf35140f-0a5d-4462-857d-77a6a293e412.jpg + where_visible: UI +- id: 317d03c3-1aba-4839-ab93-64c1db962444 + current_stock: 10 + name: Plushy Gray Cushions for Lounging + category: homedecor + style: cushion + description: Crafted from soft, plush fabric, this stylish light gray cushion set + adds comfort and elegance to any room. The perfect home accent for lounging in + style and relaxation. + price: 29.99 + image: 317d03c3-1aba-4839-ab93-64c1db962444.jpg + where_visible: UI +- id: 8484c198-4d0c-4c15-9805-db81ea8d705a + current_stock: 18 + name: Cheery Yellow Cushions Brighten Home + category: homedecor + style: cushion + description: This sunny yellow cushion set adds a cheerful pop of color to any room. + The soft, durable cushions are plushly filled and can be arranged to brighten + sofas, beds, and floor seating with their lively vibrance. + price: 59.99 + image: 8484c198-4d0c-4c15-9805-db81ea8d705a.jpg + where_visible: UI +- id: 8f08be25-5967-4a2f-82b5-324393201611 + current_stock: 6 + name: Slate Gray Cushions - Modern Elegance + category: homedecor + style: cushion + description: Presenting the Dark Slate Gray Cushion Set, a sophisticated accent + that adds a modern, elegant touch to any room. Expertly crafted with a durable + polyester cover and plush fill, these rich charcoal gray square cushions coordinate + effortlessly while providing soft yet supportive comfort. Elevate your decor with + subtle style. + price: 56.99 + image: 8f08be25-5967-4a2f-82b5-324393201611.jpg + where_visible: UI +- id: 8c80b843-7cf2-4d70-b2e9-580112732a7d + current_stock: 15 + name: Soft Gray Cushions, Cozy Comfort + category: homedecor + style: cushion + description: This plush light gray cushion set lends a refined, neutral accent to + any room. The soft, comfortable cushions provide an extra layer of padding to + lounging and seating areas. Subtle sophistication for your home. + price: 45.99 + image: 8c80b843-7cf2-4d70-b2e9-580112732a7d.jpg + where_visible: UI +- id: ff52151d-6455-4b5c-b126-8d20903af426 + current_stock: 11 + name: Cozy Dark Gray Square Cushion + category: homedecor + style: cushion + description: This chic and cozy dark gray square cushion adds a subtle touch of + sophistication to any room. Crafted from quality materials with a stylish charcoal + hue and classic square shape, it provides exceptional comfort for hours of relaxation. + price: 19.99 + image: ff52151d-6455-4b5c-b126-8d20903af426.jpg + where_visible: UI +- id: 9fa1fae1-4c43-4e9e-8c54-bfcd9cf98243 + current_stock: 7 + name: Vibrant Golden Yellow Accent Cushion + category: homedecor + style: cushion + description: This vibrant golden yellow square cushion adds a pop of color and tailored + style to any room's decor. Its soft, durable fabric provides plush yet structured + comfort when placed on sofas, chairs or beds. + price: 23.99 + image: 9fa1fae1-4c43-4e9e-8c54-bfcd9cf98243.jpg + where_visible: UI +- id: 8c8d8f2e-3591-40be-827e-fda23b89eeda + current_stock: 17 + name: Cozy Blue Check Cushion + category: homedecor + style: cushion + description: Elevate your home decor with this stylish and cozy blue checkered square + cushion. Its classic pattern and soft fabric add a pop of color and comfort to + any room. + price: 23.99 + image: 8c8d8f2e-3591-40be-827e-fda23b89eeda.jpg + where_visible: UI +- id: 34cc05a4-84a6-4a22-92a5-71a06266c75d + current_stock: 17 + name: Soft Tan Square Accent Cushion + category: homedecor + style: cushion + description: This plush tan square cushion adds a subtle designer touch to any room. + Its soft, neutral fabric blends into both warm and cool decors. + price: 22.99 + image: 34cc05a4-84a6-4a22-92a5-71a06266c75d.jpg + where_visible: UI +- id: e6df3333-3a39-43ba-bea2-57788c922987 + current_stock: 15 + name: Brighten Your Decor with Sienna + category: homedecor + style: cushion + description: The Sienna Square Cushion adds a refined yet cozy touch to your home + with its soft fabrics, classic square shape, and warm sienna hue that complements + both traditional and modern decor. + price: 51.99 + image: e6df3333-3a39-43ba-bea2-57788c922987.jpg + where_visible: UI +- id: d8bed77a-c906-4f06-aeb1-04c3557f2e8e + current_stock: 16 + name: Festive Reindeer Holiday Cushion + category: homedecor + style: cushion + description: This whimsical reindeer cushion brings festive charm to any room. Its + soft texture and colorful print add holiday spirit to sofas, chairs, and beds. + Made from durable materials, this reindeer decor will be a staple in your home + for seasons to come. + price: 32.99 + image: d8bed77a-c906-4f06-aeb1-04c3557f2e8e.jpg + where_visible: UI +- id: b9c46eb0-8541-4c39-8180-4bf4c5b5d4dc + current_stock: 8 + name: Soft Gray Cushion, Comfy and Versatile + category: homedecor + style: cushion + description: This versatile light gray square cushion adds a subtle pop of color + and soft comfort to any room's decor. Its clean, simple design and lightweight + material complement various styles while being easy to rearrange. + price: 29.99 + image: b9c46eb0-8541-4c39-8180-4bf4c5b5d4dc.jpg + where_visible: UI +- id: 825427e8-1298-4f1b-9bce-dc8d0b98e54c + current_stock: 13 + name: Soft Gray Square Cushion + category: homedecor + style: cushion + description: Elevate your home with this chic light gray cushion featuring a soft + polyester cover and plush padding for ultra-comfortable seating. The minimalist + square design works in any modern decor. + price: 19.99 + image: 825427e8-1298-4f1b-9bce-dc8d0b98e54c.jpg + where_visible: UI +- id: 62cabd29-b376-4610-a40f-13e9036a8b38 + current_stock: 19 + name: Soft Gray Square Cushion + category: homedecor + style: cushion + description: This stylish pale gray square cushion adds a touch of modern elegance + to any room. Its soft, durable fabric features a clean, contemporary square silhouette + that coordinates with various decor styles. The cushy fill provides comfort and + subtle texture. + price: 46.99 + image: 62cabd29-b376-4610-a40f-13e9036a8b38.jpg + where_visible: UI +- id: 76f1dd5b-d8da-4b8e-b811-893a0f93b8de + current_stock: 7 + name: Stylish Gray Square Decor Cushion + category: homedecor + style: cushion + description: This stylish light gray square cushion adds a modern, geometric touch + to any room's decor. Its soft polyester fabric and elegant neutral tone allow + it to effortlessly coordinate with your existing furnishings for a subtle, contemporary + pop. + price: 48.99 + image: 76f1dd5b-d8da-4b8e-b811-893a0f93b8de.jpg + where_visible: UI +- id: 7d6e50fb-c941-4f1e-b97d-612f627a271a + current_stock: 17 + name: Stylish Charcoal Cushion Elevates Decor + category: homedecor + style: cushion + description: Elevate your home decor with this stylish dark gray cushion. Its soft, + durable material and subtle charcoal shade complement any aesthetic. Perfect for + adding a modern, cozy touch to sofas, chairs, and beds. + price: 37.99 + image: 7d6e50fb-c941-4f1e-b97d-612f627a271a.jpg + where_visible: UI + promoted: true +- id: 9a22b940-8d56-4e2e-8fbb-14fee881b596 + current_stock: 16 + name: Stylish Gray Cushion Softens Any Space + category: homedecor + style: cushion + description: This stylish pale gray square cushion adds a soft, elegant touch to + any room. Its versatile neutral tone complements any color palette and furniture + style. Subtly sophisticated design for effortless refinement. + price: 15.99 + image: 9a22b940-8d56-4e2e-8fbb-14fee881b596.jpg + where_visible: UI + promoted: true +- id: c56e4566-e6ff-4307-8a9e-c5f2125d7338 + current_stock: 12 + name: Stylish Gray Cushion, Modern Home Accent + category: homedecor + style: cushion + description: This stylish dark gray square cushion adds a modern touch to any room. + Crafted with soft yet durable material, its subtle gray tone complements any decor + without overpowering. The versatile square shape fits seamlessly into tight spaces. + An ideal finishing touch to pull together your home's look. + price: 50.99 + image: c56e4566-e6ff-4307-8a9e-c5f2125d7338.jpg + where_visible: UI +- id: d8bf902d-3dce-453b-975f-cf81d6e4b1a6 + current_stock: 10 + name: Stylish Steel Blue Cushion + category: homedecor + style: cushion + description: This plush light steel blue square cushion adds a calming pop of color + to any room. Crafted with soft, durable fabric and filled with cushy polyester + fiberfill, it provides stylish comfort perfect for sofa, chair, or floor. + price: 17.99 + image: d8bf902d-3dce-453b-975f-cf81d6e4b1a6.jpg + where_visible: UI +- id: cf9f42f0-1343-44c8-976f-4775689bf544 + current_stock: 6 + name: Soft Gray Square Cushion + category: homedecor + style: cushion + description: This plush polyester pale gray square cushion adds a soft, subtle pop + of neutral color to any room. Its versatile style and muted tone complement diverse + decors. + price: 28.99 + image: cf9f42f0-1343-44c8-976f-4775689bf544.jpg + where_visible: UI +- id: e93b7954-1a99-4523-8323-7c754c06ae39 + current_stock: 12 + name: Vibrant Blue Square Accent Cushion + category: homedecor + style: cushion + description: The Cadet Blue Square Cushion brings a pop of vibrant color to any + room. This soft, plush pillow with its rich electric blue fabric cover instantly + livens up sofas, chairs, and beds with style and comfort. + price: 51.99 + image: e93b7954-1a99-4523-8323-7c754c06ae39.jpg + where_visible: UI +- id: b4ca4662-0249-4a2f-99c0-f5e4b2157421 + current_stock: 9 + name: Stylish Blue Square Cushion + category: homedecor + style: cushion + description: This stylish steel blue square cushion adds a pop of color and comfort + to any room. Its soft, durable fabric provides a modern look and feel. The perfect + finishing touch for contemporary decor. + price: 41.99 + image: b4ca4662-0249-4a2f-99c0-f5e4b2157421.jpg + where_visible: UI +- id: 559b3f9a-e6c4-443b-9f9f-9e7a5b8ece64 + current_stock: 18 + name: Soft Gray Square Cushion + category: homedecor + style: cushion + description: This neutral gray square cushion adds an on-trend modern touch to any + room. Made with plush fill and soft fabric, it provides stylish comfort to sofas, + chairs, and more. + price: 22.99 + image: 559b3f9a-e6c4-443b-9f9f-9e7a5b8ece64.jpg + where_visible: UI +- id: 123a3ba1-58b2-4e6e-84f9-52fef71e54e4 + current_stock: 18 + name: Soft Square Cushion Brightens Decor + category: homedecor + style: cushion + description: Elevate your space with this chic light gray square cushion, featuring + plush polyester fabric and crisp corners for a modern geometric touch. Effortlessly + complements any decor. + price: 39.99 + image: 123a3ba1-58b2-4e6e-84f9-52fef71e54e4.jpg + where_visible: UI +- id: ef141770-2f8f-41c0-998c-03ee060daa41 + current_stock: 15 + name: Rustic Handwoven Easter Basket + category: homedecor + style: decorative + description: This charming handcrafted seagrass Easter basket has a classic rounded + shape and neutral tan color, perfect for springtime decorating. Fill with faux + grass and eggs for a delightful touch of Easter cheer! + price: 38.99 + image: ef141770-2f8f-41c0-998c-03ee060daa41.jpg + where_visible: UI +- id: 6f3a269d-f83f-4659-a28e-7ddbbcea4eab + current_stock: 15 + name: Springtime Basket Overflowing with Joy + category: homedecor + style: decorative + description: This charming handcrafted Easter basket overflows with faux grass, + eggs, bunnies and chicks, capturing the spirit of the holiday. Perfect for gifting + loved ones this Easter. + price: 18.99 + image: 6f3a269d-f83f-4659-a28e-7ddbbcea4eab.jpg + where_visible: UI +- id: 1a2e30db-2b7a-4489-a865-ba704b42d341 + current_stock: 11 + name: Charming Handcrafted Easter Basket Decor + category: homedecor + style: decorative + description: This handcrafted seagrass Easter basket brims with faux grass, eggs, + bunnies and chicks for a charming and reusable springtime decor piece that delights + all ages. + price: 59.99 + image: 1a2e30db-2b7a-4489-a865-ba704b42d341.jpg + where_visible: UI +- id: 514cbd7d-71d8-4b75-8a67-448f40bab8e4 + current_stock: 19 + name: Rustic Bronze Storage Basket + category: homedecor + style: decorative + description: This bronze decorative basket adds warmth to any room. Handcrafted + with an open weave iron design, it's perfect for storing blankets or firewood. + A versatile accent piece that complements various decor styles. + price: 56.99 + image: 514cbd7d-71d8-4b75-8a67-448f40bab8e4.jpg + where_visible: UI + promoted: true +- id: 1d9ab420-01b5-4d5d-b7b9-43c10f4eac84 + current_stock: 12 + name: Handwoven Rattan Basket - Earthy Decor + category: homedecor + style: decorative + description: This intricately handwoven rattan basket adds an organic, earthy touch + to your home. Expertly crafted for durability, it's the perfect rustic-chic decorative + accent for any room. + price: 45.99 + image: 1d9ab420-01b5-4d5d-b7b9-43c10f4eac84.jpg + where_visible: UI + promoted: true +- id: 0a10f3b7-b91b-4b68-96a6-bfb6cc348095 + current_stock: 12 + name: Woven Rattan Storage Basket + category: homedecor + style: decorative + description: This handwoven rattan decor basket adds a natural, rustic touch to + any room. Expertly crafted with a classic rounded shape, it's perfect for storing + remotes, produce or keys. + price: 54.99 + image: 0a10f3b7-b91b-4b68-96a6-bfb6cc348095.jpg + where_visible: UI +- id: 76179541-8214-4940-bfa8-6d93739ba436 + current_stock: 19 + name: Woven Rattan Decor Basket + category: homedecor + style: decorative + description: This intricately woven rattan basket adds rustic charm to any room. + Its neutral design complements any decor while the sturdy handcrafted construction + provides versatile storage. + price: 20.99 + image: 76179541-8214-4940-bfa8-6d93739ba436.jpg + where_visible: UI + promoted: true +- id: f08e9ea2-5ad8-4fe1-a72e-622e31c363cb + current_stock: 9 + name: Handwoven Rattan Storage Basket + category: homedecor + style: decorative + description: This intricately handwoven rattan storage basket adds rustic charm + to any room. Expertly crafted for durability, its neutral tan color and classic + rounded shape complement both traditional and modern decor. + price: 45.99 + image: f08e9ea2-5ad8-4fe1-a72e-622e31c363cb.jpg + where_visible: UI +- id: 0e28a5ca-0b34-43ac-b178-42b81225d9da + current_stock: 10 + name: Woven Rattan Decor Basket + category: homedecor + style: decorative + description: This handwoven rattan basket adds rustic flair to any room. Expertly + crafted with an intricate weave and sturdy rounded shape, it's a versatile decorative + accent that complements both traditional and modern home decors. + price: 27.99 + image: 0e28a5ca-0b34-43ac-b178-42b81225d9da.jpg + where_visible: UI +- id: 771a0ced-1a1c-45d4-b94c-3d7b2188e48b + current_stock: 7 + name: Natural Woven Storage Basket + category: homedecor + style: decorative + description: This natural rattan decor basket adds breezy, beachy style to any room. + Expertly handwoven, it provides chic storage for blankets, magazines, and more. + price: 46.99 + image: 771a0ced-1a1c-45d4-b94c-3d7b2188e48b.jpg + where_visible: UI + promoted: true +- id: 69ff0879-e2ad-4f83-9fa0-39df003e3f35 + current_stock: 11 + name: Rustic Handwoven Basket + category: homedecor + style: decorative + description: This handwoven rattan basket adds an earthy, rustic touch to any room. + Expertly crafted with a classic rounded shape, its sturdy open weave design works + well as a chic catchall or decorative accent. + price: 32.99 + image: 69ff0879-e2ad-4f83-9fa0-39df003e3f35.jpg + where_visible: UI +- id: 44fda362-2c42-4d3a-9660-5801fb98769c + current_stock: 7 + name: Rattan Basket - Natural Chic + category: homedecor + style: decorative + description: This handwoven rattan basket adds natural flair to any room. Expertly + crafted with an open weave design, it's the perfect rustic home decor accent for + versatile storage or display. + price: 60.99 + image: 44fda362-2c42-4d3a-9660-5801fb98769c.jpg + where_visible: UI +- id: 41df4bf9-8ee7-4068-a957-3e70c159aa48 + current_stock: 9 + name: Rustic Woven Rattan Storage Basket + category: homedecor + style: decorative + description: This natural rattan basket adds rustic flair to any room. Expertly + handwoven with an open weave design, it's versatile enough to use as chic home + decor or functional storage in any space. + price: 49.99 + image: 41df4bf9-8ee7-4068-a957-3e70c159aa48.jpg + where_visible: UI +- id: 2a68a810-b819-4d5c-9c13-c43be2eba3c4 + current_stock: 13 + name: Rustic Handwoven Basket + category: homedecor + style: decorative + description: This natural rattan basket adds a rustic touch to any room. Expertly + handwoven with an open weave design, it's a versatile accent piece that provides + stylish storage for magazines, remotes, fruits and more. + price: 15.99 + image: 2a68a810-b819-4d5c-9c13-c43be2eba3c4.jpg + where_visible: UI +- id: 6d665e0d-486e-492b-9486-ba278f387f73 + current_stock: 6 + name: Rattan Basket - Natural Chic Accent + category: homedecor + style: decorative + description: This handwoven rattan basket adds natural flair to any room. Sturdy + construction and an open weave design make it a chic, versatile accent piece for + traditional or modern decor. + price: 44.99 + image: 6d665e0d-486e-492b-9486-ba278f387f73.jpg + where_visible: UI +- id: 5aa25381-6557-478d-858f-48c36d641f79 + current_stock: 14 + name: Handwoven Tan Rattan Decor Basket + category: homedecor + style: decorative + description: This handwoven rattan decor basket adds breezy, beachy style to any + room. Expertly crafted from natural tan rattan reeds in an open weave design, + this lightweight 16" x 10" basket stows blankets and more with artisanal flair. + price: 23.99 + image: 5aa25381-6557-478d-858f-48c36d641f79.jpg + where_visible: UI +- id: 3c3811ae-7c45-48d3-98c9-17993f7c8601 + current_stock: 10 + name: Rustic Woven Rattan Basket + category: homedecor + style: decorative + description: This handwoven rattan basket adds a natural, rustic touch to any room. + Expertly crafted with an open weave design, it provides decorative storage for + towels, remotes, keys and more. + price: 42.99 + image: 3c3811ae-7c45-48d3-98c9-17993f7c8601.jpg + where_visible: UI +- id: c964048a-2f3c-4085-ba68-78023737ae2f + current_stock: 12 + name: Handwoven Rattan Storage Basket + category: homedecor + style: decorative + description: Expertly handwoven from natural rattan, this versatile basket has a + classic rounded shape and sturdy construction, making it the perfect rustic-chic + decorative accent for stylishly storing blankets, toys and more around your home. + price: 17.99 + image: c964048a-2f3c-4085-ba68-78023737ae2f.jpg + where_visible: UI +- id: 669b328d-0905-4a3f-b95d-79c8eb83482f + current_stock: 15 + name: Rustic Woven Decor Basket + category: homedecor + style: decorative + description: This expertly handwoven rattan decor basket adds rustic flair to any + room. Its neutral color and cozy woven texture complement traditional and modern + styles alike. + price: 43.99 + image: 669b328d-0905-4a3f-b95d-79c8eb83482f.jpg + where_visible: UI + promoted: true +- id: b1d9668f-7605-4e8d-afab-0523ea0cdf21 + current_stock: 12 + name: Woven Rattan Storage Basket + category: homedecor + style: decorative + description: This handwoven rattan decor basket adds breezy, beachy style to any + room. Expertly crafted with a neutral tan hue and airy open weave design, it neatly + stores blankets and more while complementing modern farmhouse or boho chic decor. + price: 24.99 + image: b1d9668f-7605-4e8d-afab-0523ea0cdf21.jpg + where_visible: UI +- id: b466c821-a8fb-492a-a789-5c7395824c38 + current_stock: 6 + name: Woven Rattan Decor Basket + category: homedecor + style: decorative + description: This handwoven rattan basket adds natural flair to any room. Expertly + crafted with an open weave design, it provides rustic style and versatile storage + for remotes, produce or catchall needs. + price: 23.99 + image: b466c821-a8fb-492a-a789-5c7395824c38.jpg + where_visible: UI +- id: 75e48fa8-bbcb-49f9-ab57-c62472c19a69 + current_stock: 7 + name: Handwoven Wiker Storage Basket + category: homedecor + style: decorative + description: Expertly handcrafted from natural wiker reeds, this versatile honey-hued + storage basket with handles keeps blankets, toys, and more organized in any room. + price: 52.99 + image: 75e48fa8-bbcb-49f9-ab57-c62472c19a69.jpg + where_visible: UI + promoted: true +- id: 646848a8-86ef-4aff-9468-1d0944bfe072 + current_stock: 11 + name: Rustic Wiker Storage Basket + category: homedecor + style: decorative + description: The Wiker Storage Basket brings natural style to any room with its + handcrafted wiker design. Expertly woven into a versatile rectangular shape, this + honey-toned basket makes organizing stylish and simple. + price: 32.99 + image: 646848a8-86ef-4aff-9468-1d0944bfe072.jpg + where_visible: UI +- id: 87723a77-763c-441d-b1ce-0ef53529a2ac + current_stock: 14 + name: Handwoven Wiker Storage Basket + category: homedecor + style: decorative + description: Introducing the Wiker Storage Basket - a beautifully handcrafted decorative + basket woven from natural wiker reeds. With its classic shape, sturdy handles, + and ample 16" x 10" x 8" storage capacity, this versatile basket adds an organic, + natural touch to any room's decor. + price: 44.99 + image: 87723a77-763c-441d-b1ce-0ef53529a2ac.jpg + where_visible: UI +- id: 74c3fd9d-73b0-44ce-8bc5-202c03a2e8a6 + current_stock: 10 + name: Rustic Wiker Storage Basket + category: homedecor + style: decorative + description: The Wiker Storage Basket weaves natural style into any room. Expertly + handcrafted from honey-hued wiker reeds in a classic rectangular shape, this versatile + basket neatly organizes essentials with rustic elegance. + price: 30.99 + image: 74c3fd9d-73b0-44ce-8bc5-202c03a2e8a6.jpg + where_visible: UI +- id: 8ac8be2d-9199-4d71-ac9e-0fa9e815b453 + current_stock: 11 + name: Cozy Wiker Decor Basket + category: homedecor + style: decorative + description: Make your home cozy with the Wiker Decorative Basket. Expertly handwoven + from natural wiker, this charming accent piece features curved sides and an open + weave for a light, airy look. The neutral tones blend seamlessly into any decor. + price: 43.99 + image: 8ac8be2d-9199-4d71-ac9e-0fa9e815b453.jpg + where_visible: UI +- id: 9e90de6d-e196-4426-84ea-4571fe40d164 + current_stock: 8 + name: Handwoven Wicker Basket + category: homedecor + style: decorative + description: Expertly handwoven wiker storage basket with organic texture and rounded + shape. Versatile farmhouse-chic decor organizes blankets, toys and more with ease. + price: 44.99 + image: 9e90de6d-e196-4426-84ea-4571fe40d164.jpg + where_visible: UI + promoted: true +- id: fad47cae-2242-47e4-a999-34fc41dd6ed6 + current_stock: 7 + name: Stylish Handwoven Diamond Basket + category: homedecor + style: decorative + description: The Wiker Diamond Pattern Decor Basket beautifully handwoven from natural + reeds adds an organic accent to any room. Sturdy and functional yet pleasing to + the eye, this eco-friendly basket stores items in style. + price: 16.99 + image: fad47cae-2242-47e4-a999-34fc41dd6ed6.jpg + where_visible: UI +- id: 6d9e6bd1-3e50-4311-bd58-7913dcdbce43 + current_stock: 18 + name: Rustic Wicker Basket + category: homedecor + style: decorative + description: The Wiker Storage Basket brings natural style to any room. Expertly + hand-woven from tan wiker reeds in a rounded rectangular shape, this storage accent + provides chic organization for blankets, toys, and more. + price: 41.99 + image: 6d9e6bd1-3e50-4311-bd58-7913dcdbce43.jpg + where_visible: UI + promoted: true +- id: 8b3b6f83-157b-413e-9205-2f459f2df378 + current_stock: 11 + name: Handwoven Wiker Storage Basket + category: homedecor + style: decorative + description: This versatile wiker storage basket adds natural charm to any room. + Expertly handwoven with smooth reeds, it provides ample space to organize blankets, + magazines, and more in style. + price: 43.99 + image: 8b3b6f83-157b-413e-9205-2f459f2df378.jpg + where_visible: UI +- id: 72323ce2-4ce8-41c1-9ffd-099748b6bc1d + current_stock: 19 + name: Handwoven Wiker Decor Basket + category: homedecor + style: decorative + description: Presenting the Wiker Decorative Basket, a beautifully handcrafted home + accent woven from natural wiker. This intricate basket makes a stylish and functional + statement piece for any room. Expertly crafted and full of earthy charm. + price: 59.99 + image: 72323ce2-4ce8-41c1-9ffd-099748b6bc1d.jpg + where_visible: UI +- id: 4988dd94-cb08-4dac-bddc-36551d08808c + current_stock: 14 + name: Rustic Wiker Storage Basket + category: homedecor + style: decorative + description: The Wiker Basket weaves natural style into any room. Expertly handcrafted + from honey-hued wiker reeds in a classic rectangular shape, this sturdy storage + basket with handles brings an organic, textured look to your home decor. + price: 55.99 + image: 4988dd94-cb08-4dac-bddc-36551d08808c.jpg + where_visible: UI +- id: 6e2e5780-7e91-4607-98b5-921c63256153 + current_stock: 6 + name: Handwoven Wiker Decorative Basket + category: homedecor + style: decorative + description: The Wiker Decorative Basket brings natural style to any room. Expertly + handwoven from organic wiker, this textured statement piece makes a clever catch-all + or rustic centerpiece. + price: 26.99 + image: 6e2e5780-7e91-4607-98b5-921c63256153.jpg + where_visible: UI +- id: 20f199f6-09ae-4bf6-8cfd-aef64b0eea5f + current_stock: 12 + name: Stylish Photo Frame for Precious Memories + category: homedecor + style: decorative + description: This stylish photo frame adds a touch of charm to your home decor. + Showcase meaningful memories with its sleek, versatile design. Built to last, + it makes a thoughtful gift. + price: 26.99 + image: 20f199f6-09ae-4bf6-8cfd-aef64b0eea5f.jpg + where_visible: UI +- id: bf7fff3f-6024-46bc-bdf6-8c045dfa7dff + current_stock: 13 + name: Stylish Minimalist Photo Frame + category: homedecor + style: decorative + description: "Elevate your interior d\xE9cor with this sleek, minimalist photo frame.\ + \ Expertly crafted with high-quality materials, it lends an elegant, versatile\ + \ touch ideal for accenting cherished photos and art prints." + price: 16.99 + image: bf7fff3f-6024-46bc-bdf6-8c045dfa7dff.jpg + where_visible: UI +- id: 082f3607-e882-4670-bd78-f7698bec8c01 + current_stock: 18 + name: Stylish Frame Displays Memories + category: homedecor + style: decorative + description: Display your favorite memories in chic style with this minimalist photo + frame. Crafted with quality materials and attention to detail, it lends any decor + sophistication. + price: 19.99 + image: 082f3607-e882-4670-bd78-f7698bec8c01.jpg + where_visible: UI +- id: 4dc7226a-2225-488d-8f58-fe5efc2710c8 + current_stock: 11 + name: Captured Memories Photo Frame + category: homedecor + style: decorative + description: Capture life's special moments in this elegant photo frame. The sleek, + modern design showcases your favorite photos and art prints, adding a stylish + touch to any room's decor. Lovingly handcrafted to display your cherished memories. + price: 53.99 + image: 4dc7226a-2225-488d-8f58-fe5efc2710c8.jpg + where_visible: UI +- id: 53b930e1-a245-4a24-8d5b-5343f6892b37 + current_stock: 17 + name: Modern Minimalist Photo Frame + category: homedecor + style: decorative + description: Display your favorite memories in chic style with this minimalist photo + frame. Its clean lines and neutral tone complement any decor while the high-quality + construction ensures long-lasting durability. + price: 56.99 + image: 53b930e1-a245-4a24-8d5b-5343f6892b37.jpg + where_visible: UI +- id: f89c2504-eb03-4568-a010-6ea50d6cd902 + current_stock: 16 + name: Rustic Memories Photo Frame + category: homedecor + style: decorative + description: This stylish photo frame adds a decorative touch to any room. Expertly + crafted with a classic design, it proudly displays your cherished memories and + photographs. This high-quality decor piece will spread joy for years to come. + price: 20.99 + image: f89c2504-eb03-4568-a010-6ea50d6cd902.jpg + where_visible: UI + promoted: true +- id: 7186f66d-c305-4b61-b966-80d0c1e003b9 + current_stock: 8 + name: Rustic Memories Frame + category: homedecor + style: decorative + description: This stylish photo frame blends any decor with its clean, minimalist + design. Expertly crafted with quality materials, it makes an elegant statement + piece to display your favorite memories and art. + price: 15.99 + image: 7186f66d-c305-4b61-b966-80d0c1e003b9.jpg + where_visible: UI + promoted: true +- id: 91b4d3d6-9880-40f9-a8f3-e732c91dbe3c + current_stock: 6 + name: Sleek Curved Ceramic Vase + category: homedecor + style: decorative + description: This handcrafted ceramic vase features a sleek curved shape to elegantly + display floral arrangements. Its neutral glazed finish complements any decor for + a sophisticated accent piece. + price: 44.99 + image: 91b4d3d6-9880-40f9-a8f3-e732c91dbe3c.jpg + where_visible: UI +- id: c2af1853-e251-4ed4-ac53-e686a5d5c6c5 + current_stock: 13 + name: Curved Ceramic Vase + category: homedecor + style: decorative + description: This beautifully crafted ceramic vase features an elegant curved silhouette + that makes a sophisticated statement. The smooth glazed finish and neutral color + palette complement any decor style. A perfect home accent to brighten up shelves, + tables, and more. Durable ceramic construction provides lasting functionality. + price: 37.99 + image: c2af1853-e251-4ed4-ac53-e686a5d5c6c5.jpg + where_visible: UI +- id: 8af58e93-a468-4f8c-9ee9-07b55cfcc3c4 + current_stock: 8 + name: Sleek Curved Ceramic Vase + category: homedecor + style: decorative + description: This elegantly curved ceramic vase features a sleek glazed finish, + adding sophisticated style to any space. The durable ceramic construction provides + lasting quality. + price: 21.99 + image: 8af58e93-a468-4f8c-9ee9-07b55cfcc3c4.jpg + where_visible: UI +- id: 0d6971a2-cffb-4602-9d4a-8edef2ac9d22 + current_stock: 7 + name: Sleek Curved Vase Elevates Any Decor + category: homedecor + style: decorative + description: This elegant curved ceramic vase adds subtle visual interest. The neutral + glazed finish complements any decor and displays floral arrangements beautifully. + Sleek, simple styling at an affordable price. + price: 60.99 + image: 0d6971a2-cffb-4602-9d4a-8edef2ac9d22.jpg + where_visible: UI +- id: 01a8978b-2a84-4dbd-acc4-aff74a468681 + featured: true + current_stock: 10 + name: Stylish Curved Ceramic Vase + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds sophisticated style to any + space. Expertly crafted from durable ceramic in a neutral glazed finish, it makes + the perfect decorative accent for shelves, tables, and more. + price: 58.99 + image: 01a8978b-2a84-4dbd-acc4-aff74a468681.jpg + where_visible: UI +- id: 9fa75331-d8a2-49de-968e-fb855e57d53b + current_stock: 18 + name: Curved Ceramic Vase, Sophisticated Decor + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds a sophisticated touch to any + space. Its neutral glazed finish beautifully complements both traditional and + modern decor. + price: 31.99 + image: 9fa75331-d8a2-49de-968e-fb855e57d53b.jpg + where_visible: UI + promoted: true +- id: 81eee14d-d22e-43a2-8110-b610b6eaafd1 + current_stock: 6 + name: Stylish Curved Ceramic Vase + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds refined style to any space. + Crafted from durable stoneware with a sleek white glaze, it's an artful home accent + for fresh or faux florals. + price: 15.99 + image: 81eee14d-d22e-43a2-8110-b610b6eaafd1.jpg + where_visible: UI +- id: 6685cdbb-07c0-448d-9927-a5477e610363 + current_stock: 14 + name: Stylish Curved Ceramic Vase + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds sophisticated style to any + space. Display floral bouquets or use as a standalone decor piece. Neutral design + blends seamlessly into modern and traditional decor. + price: 33.99 + image: 6685cdbb-07c0-448d-9927-a5477e610363.jpg + where_visible: UI + promoted: true +- id: 7f7f75c8-8756-4f73-b655-da1c77679fe7 + current_stock: 10 + name: Beautiful Curved Ceramic Vase + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds a sophisticated touch to any + space. Made from durable stoneware, it displays faux or fresh florals with refined + artistry. An exquisite home accent for traditional to contemporary decor. + price: 33.99 + image: 7f7f75c8-8756-4f73-b655-da1c77679fe7.jpg + where_visible: UI +- id: 140b21df-4311-456e-86cc-8655b26e0e26 + current_stock: 19 + name: Curved Ceramic Vase, Elegantly Sculptural + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds a refined sculptural element + to any space. Made from durable clay and high-fired for strength, it's versatile + enough for traditional or modern decor. + price: 45.99 + image: 140b21df-4311-456e-86cc-8655b26e0e26.jpg + where_visible: UI +- id: 43c778d9-3e6c-4dec-aa34-e171b1f6c3c6 + current_stock: 14 + name: Sleek Ceramic Curve Vase + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds a sophisticated touch to any + space. The neutral glazed finish beautifully complements both modern and traditional + decor. + price: 38.99 + image: 43c778d9-3e6c-4dec-aa34-e171b1f6c3c6.jpg + where_visible: UI +- id: 2d3ed96c-2e8a-46cf-975f-d88f84e042e6 + current_stock: 18 + name: Stylish Curved Ceramic Vase + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds sophisticated style to any + space. The neutral glazed finish beautifully catches the light, making this versatile + piece perfect for shelves, tables, and more. Expertly crafted for long-lasting + durability. + price: 60.99 + image: 2d3ed96c-2e8a-46cf-975f-d88f84e042e6.jpg + where_visible: UI +- id: 1916e0ce-76ac-449b-aba0-4cef93a7824e + current_stock: 11 + name: Sleek Curved Neutral Vase + category: homedecor + style: decorative + description: This elegantly curved ceramic vase adds a sophisticated touch to any + space with its smooth glazed finish and versatile neutral palette. The lightweight + yet durable construction withstands daily use while complementing your decor. + price: 33.99 + image: 1916e0ce-76ac-449b-aba0-4cef93a7824e.jpg + where_visible: UI +- id: e7950511-8f63-4c48-9c9a-6d9f3002306d + current_stock: 14 + name: Sleek Curved Vase Elevates Sophisticated Style + category: homedecor + style: decorative + description: This ceramic vase features a sleek curved silhouette that elegantly + displays floral arrangements. Expertly handcrafted with a smooth glazed finish, + it elevates any space with sophisticated style. + price: 43.99 + image: e7950511-8f63-4c48-9c9a-6d9f3002306d.jpg + where_visible: UI +- id: 2f11beab-a8ab-40c5-87af-9e7acce72e6b + current_stock: 15 + name: Sleek Curved Glass Vase Elevates Any Space + category: homedecor + style: decorative + description: Presenting the Sleek Curved Glass Vase - an elegant handcrafted decor + that blends modern style and graceful form. Expertly blown glass construction + in a slim, curved shape elegantly displays flowers and greens. An exclusive home + accent that elevates any space with its sleek, substantial presence. + price: 36.99 + image: 2f11beab-a8ab-40c5-87af-9e7acce72e6b.jpg + where_visible: UI + promoted: true +- id: 6bd26ffc-9fae-447b-a23c-fcb14187302a + current_stock: 13 + name: Slim Curved Vase Adds Contemporary Style + category: homedecor + style: decorative + description: "This slender hand-blown glass vase featuring a modern curved shape\ + \ elegantly displays flowers and adds contemporary style to any d\xE9cor." + price: 22.99 + image: 6bd26ffc-9fae-447b-a23c-fcb14187302a.jpg + where_visible: UI +- id: 142a8efe-18c3-4938-9978-cc8d83e8b02e + current_stock: 6 + name: Sleek Glass Vase, Subtly Stunning + category: homedecor + style: decorative + description: This minimalist glass vase features a smooth, clear design that elegantly + displays flowers or stands alone as a decorative accent piece. Its graceful shape + and translucent walls add simple beauty to any space. + price: 52.99 + image: 142a8efe-18c3-4938-9978-cc8d83e8b02e.jpg + where_visible: UI +- id: 2f2995da-4768-478a-a4ae-906b76d8c6fe + current_stock: 9 + name: Sleek Glass Vase Elevates Decor + category: homedecor + style: decorative + description: Minimalist handcrafted glass vase elegantly displays floral bouquets. + Graceful sculptural shape subtly catches light, adding charm and refined beauty + to any decor. + price: 58.99 + image: 2f2995da-4768-478a-a4ae-906b76d8c6fe.jpg + where_visible: UI +- id: 7d9271c9-ddce-4ccb-a8e7-161b94b1fc79 + current_stock: 12 + name: Slim Curved Vase Elevates Florals + category: homedecor + style: decorative + description: This slim, curved glass vase adds graceful style to any space. Expertly + handcrafted to elevate fresh or faux floral arrangements. An exclusive home decor + piece that blends into your existing decor while making blooms pop. + price: 33.99 + image: 7d9271c9-ddce-4ccb-a8e7-161b94b1fc79.jpg + where_visible: UI +- id: 99cb19d7-68cf-49d3-9d44-360e2099fe99 + current_stock: 15 + name: Sleek Glass Vase Elevates Decor + category: homedecor + style: decorative + description: This elegantly crafted glass vase adds simple beauty to any space. + Its slender shape beautifully displays flowers or decor. With smooth, durable + glass and timeless style, this versatile vase elevates any room. + price: 29.99 + image: 99cb19d7-68cf-49d3-9d44-360e2099fe99.jpg + where_visible: UI +- id: 0ed16f07-4f93-4b8a-9c77-17d0dbac9e47 + current_stock: 18 + name: Sleek Glass Vase for Stylish Decor + category: homedecor + style: decorative + description: This minimalist glass vase adds simple elegance to any space. Expertly + handcrafted from quality glass, its graceful shape and translucent walls create + a warm, sophisticated glow for displaying flowers or standalone decor. + price: 38.99 + image: 0ed16f07-4f93-4b8a-9c77-17d0dbac9e47.jpg + where_visible: UI + promoted: true +- id: 38878e5d-f6ce-4960-845c-b0bac8700c79 + current_stock: 17 + name: Slim Curved Vase for Stylish Decor + category: homedecor + style: decorative + description: Expertly blown slim curved glass vase effortlessly elevates any space. + Its elegant shape and smooth transparency reflect light beautifully, creating + an eye-catching display for floral arrangements in a contemporary yet timeless + style. + price: 45.99 + image: 38878e5d-f6ce-4960-845c-b0bac8700c79.jpg + where_visible: UI + promoted: true +- id: ecfc70c9-a9a3-427e-91ea-5dd561a2564a + current_stock: 15 + name: Sleek Glass Vase for Modern Style + category: homedecor + style: decorative + description: This minimalist glass vase elegantly displays flowers with its graceful + shape and smooth, clear design. The translucent glass casts beautiful light while + the simple style lends modern sophistication. + price: 35.99 + image: ecfc70c9-a9a3-427e-91ea-5dd561a2564a.jpg + where_visible: UI +- id: f2e66204-c339-434b-b0ae-b6cb6d815756 + current_stock: 16 + name: Sparkling Glass Vase for Stylish Decor + category: homedecor + style: decorative + description: Handcrafted from sparkling glass, this elegantly shaped vase brightly + displays florals or stands alone. Its graceful silhouette and brilliant clarity + add sophisticated style to shelves and tabletops. + price: 56.99 + image: f2e66204-c339-434b-b0ae-b6cb6d815756.jpg + where_visible: UI + promoted: true +- id: cc5005d0-1a9e-48f1-9c79-14096b1d8c29 + current_stock: 13 + name: Slim Curved Vase Illuminates Your Decor + category: homedecor + style: decorative + description: This slim, curved glass vase elegantly displays floral arrangements. + Expertly handcrafted, it complements any decor with its modern silhouette and + clear glass construction diffusing light beautifully. An essential home accent + elevating any space. + price: 24.99 + image: cc5005d0-1a9e-48f1-9c79-14096b1d8c29.jpg + where_visible: UI + promoted: true +- id: 9f50d5db-5054-43e8-97b0-80d5036a6bf7 + current_stock: 14 + name: Cozy Floral Soy Candle + category: homedecor + style: lighting + description: Elevate your home's ambiance with this elegant soy candle. The clean-burning + floral scented soy wax and reusable glass vessel provide mood lighting and subtle + fragrance to any room. A chic finishing touch for stylish, sustainable home decor. + price: 45.99 + image: 9f50d5db-5054-43e8-97b0-80d5036a6bf7.jpg + where_visible: UI + promoted: true +- id: 833214f2-cdbc-4fbd-a25f-6f33357b503a + current_stock: 14 + name: Simple Soy Candle, Elevates Your Space + category: homedecor + style: lighting + description: Elevate your home's ambiance with this elegant soy candle. The clean-burning + floral scented wax provides calming mood lighting while the reusable glass vessel + makes a chic decorative accent. + price: 55.99 + image: 833214f2-cdbc-4fbd-a25f-6f33357b503a.jpg + where_visible: UI +- id: 123e7f5e-c5aa-45f0-94c3-1df8b018f004 + current_stock: 6 + name: Tranquil Floral Soy Candle + category: homedecor + style: lighting + description: Bring warmth and tranquility to your home with this elegantly styled + soy candle. The clean-burning floral scented soy wax provides ambiance and decorative + accent lighting for any room. + price: 46.99 + image: 123e7f5e-c5aa-45f0-94c3-1df8b018f004.jpg + where_visible: UI +- id: e5816ea5-3ce2-4b86-9530-9b221b357b43 + current_stock: 11 + name: Floral Woodsy Soy Candle + category: homedecor + style: lighting + description: Hand-poured soy candle infused with floral and woodsy scents. Beautifully + crafted clear glass jar with dried flowers and wood wicks. Creates a warm, inviting + glow and soothing ambiance. Long-lasting candle looks elegant on any table or + mantle. + price: 43.99 + image: e5816ea5-3ce2-4b86-9530-9b221b357b43.jpg + where_visible: UI +- id: 2ab5209d-519d-41ed-a57d-4e67569cad0e + current_stock: 9 + name: Artisanal Candle in Elegant Glass Jar + category: homedecor + style: lighting + description: This artisanal soy candle in a beautiful glass jar fills your home + with inviting fragrance and soft light. Hand-poured in small batches, it makes + a thoughtful gift that creates a relaxing atmosphere with its clean burn and intricate + jar designs. + price: 40.99 + image: 2ab5209d-519d-41ed-a57d-4e67569cad0e.jpg + where_visible: UI +- id: 788ef0b7-8aeb-4579-84d2-53d7592c7a9e + current_stock: 14 + name: Warm Glow Jar Candle + category: homedecor + style: lighting + description: Introducing our elegant soy wax jar candle. The warm glow and inviting + scent fills any room with cozy ambiance. Handcrafted using quality materials for + clean, long-lasting illumination. The perfect decorative accent to enhance your + home's style. + price: 18.99 + image: 788ef0b7-8aeb-4579-84d2-53d7592c7a9e.jpg + where_visible: UI +- id: f7427841-e365-41ee-b461-fb3780e7926a + current_stock: 18 + name: Cozy Scented Candle in Elegant Jar + category: homedecor + style: lighting + description: This handcrafted soy wax candle fills any room with a warm glow and + calming scented light. The elegant glass jar adds decorative flair to shelves + when not lit. An ideal gift or personal luxury to enhance your home's tranquil + ambiance. + price: 46.99 + image: f7427841-e365-41ee-b461-fb3780e7926a.jpg + where_visible: UI +- id: 96d887df-efe3-4d05-8df0-8cb2a0674711 + current_stock: 19 + name: Artisanal Soy Candle, Warm Home Lighting + category: homedecor + style: lighting + description: Hand-poured in small batches, this artisanal soy wax candle fills your + home with inviting fragrance and soft light. Its simple yet elegant design adds + a special decorative touch to any room's decor. + price: 40.99 + image: 96d887df-efe3-4d05-8df0-8cb2a0674711.jpg + where_visible: UI +- id: 94afe0c9-52c7-41f5-9478-4c150b1ca182 + current_stock: 11 + name: Inviting Handcrafted Candle + category: homedecor + style: lighting + description: Classic pillar candle handcrafted from natural wax provides a warm, + elegant glow. This timeless decor accent lends refined ambiance to any space. + price: 24.99 + image: 94afe0c9-52c7-41f5-9478-4c150b1ca182.jpg + where_visible: UI +- id: cac48395-946a-4377-96e1-3d716d659625 + current_stock: 18 + name: Gleaming Glass-Cased Candle + category: homedecor + style: lighting + description: Presenting the Classic Pillar Candle. This elegant home decor accent + illuminates any space with a warm, gentle glow. Crafted from natural wax in a + refined glass holder, this timeless candle brings sophisticated ambience and pure + scent to your home. + price: 23.99 + image: cac48395-946a-4377-96e1-3d716d659625.jpg + where_visible: UI +- id: 21a14202-3d31-4510-80c1-d99c3c54a915 + current_stock: 12 + name: Stylish Glass-Encased Pillar Candle + category: homedecor + style: lighting + description: Classic white pillar candle in clear glass holder provides timeless + accent. Unscented wax candle burns evenly for 30 hours with warm, inviting glow. + Versatile minimalist design complements any decor. + price: 41.99 + image: 21a14202-3d31-4510-80c1-d99c3c54a915.jpg + where_visible: UI +- id: e8d41193-1113-4594-8e39-0417ef0d57a8 + current_stock: 18 + name: Timeless Glass Candle + category: homedecor + style: lighting + description: Classic pillar candle providing elegant accent lighting. Handcrafted + from natural wax in glass holder, beautiful paired with decor. Creates refined + ambience. + price: 39.99 + image: e8d41193-1113-4594-8e39-0417ef0d57a8.jpg + where_visible: UI +- id: 2ffa8784-9c55-414e-b852-b0615a49bfb9 + current_stock: 10 + name: Minimalist Candle for Timeless Decor + category: homedecor + style: lighting + description: "This classic white pillar candle in a minimalist glass holder provides\ + \ a timeless accent to any room. Handcrafted from natural wax, it has a clean\ + \ scent and burns evenly for 30 hours with a soft glow, making an elegant addition\ + \ to your d\xE9cor." + price: 35.99 + image: 2ffa8784-9c55-414e-b852-b0615a49bfb9.jpg + where_visible: UI +- id: 62c19034-7048-43e8-a142-f6f8ba90e6a7 + current_stock: 18 + name: White Pillar Candle Modern Minimalist Holder + category: homedecor + style: lighting + description: This classic white pillar candle in a minimalist glass holder provides + a timeless, warm glow to complement any room. Handcrafted from natural wax, it + burns evenly for up to 30 hours. + price: 45.99 + image: 62c19034-7048-43e8-a142-f6f8ba90e6a7.jpg + where_visible: UI +- id: 8c66f6d3-85de-4cff-bc4a-f05e34587813 + current_stock: 19 + name: Slim Tapered Candles - Elegant Lighting + category: homedecor + style: lighting + description: Presenting our elegant natural wax taper candle. This slim, dramatic + lighting creates a warm, welcoming glow. For dining tables, mantels, and holidays. + Simple yet beautiful design suits any occasion. + price: 59.99 + image: 8c66f6d3-85de-4cff-bc4a-f05e34587813.jpg + where_visible: UI + promoted: true +- id: bd86408e-b36c-44b1-ba32-d3f9da0a1af0 + current_stock: 16 + name: Natural Wax Taper - Elegant Home Lighting + category: homedecor + style: lighting + description: Illuminate your home with the warm, welcoming glow of this slender, + sophisticated natural wax taper. Its clean-burning elegance creates a dramatic + yet understated ambiance when placed in candle holders throughout your living + space. + price: 21.99 + image: bd86408e-b36c-44b1-ba32-d3f9da0a1af0.jpg + where_visible: UI + promoted: true +- id: 473d51cf-979d-4680-9ebb-542888f08472 + current_stock: 13 + name: Slim Taper Candle - Elegant Light + category: homedecor + style: lighting + description: Crafted from natural wax, this elegant slender taper candle provides + warm, flickering light to create cozy ambiance. The slim profile allows for gorgeous + candle displays. Made from high quality paraffin wax, it burns cleanly for up + to 6 hours. + price: 49.99 + image: 473d51cf-979d-4680-9ebb-542888f08472.jpg + where_visible: UI +- id: 4c9aa047-b0f7-4fe8-82c7-597e7bd7656a + current_stock: 16 + name: Stylish Taper Candle for Cozy Home + category: homedecor + style: lighting + description: Illuminate your home with the soft, intimate glow of this slim, polished + paraffin wax taper candle. Its subtle fragrance and clean-burning flame create + cozy ambiance perfect for dining and decor. + price: 57.99 + image: 4c9aa047-b0f7-4fe8-82c7-597e7bd7656a.jpg + where_visible: UI +- id: 4f9f0015-6f87-4608-a3ea-e8de2c0881c6 + current_stock: 16 + name: Tapered Candlelight for Elegant Homes + category: homedecor + style: lighting + description: An elegant slim taper candle that provides up to 8 hours of beautiful, + clean-fragrance illumination. The perfect versatile decor accessory for creating + cozy, relaxed atmospheres in any room. Crafted from natural wax for smooth, dripless + burning. + price: 28.99 + image: 4f9f0015-6f87-4608-a3ea-e8de2c0881c6.jpg + where_visible: UI +- id: dc5bba3f-8d2b-4c81-a482-bbafd457d997 + current_stock: 12 + name: Tapered Natural Wax Candle + category: homedecor + style: lighting + description: This elegant taper candle crafted from natural wax provides soft, flickering + light to create a relaxing or romantic atmosphere in any room. Its clean-burning + long taper shape looks beautiful in candle holders. + price: 43.99 + image: dc5bba3f-8d2b-4c81-a482-bbafd457d997.jpg + where_visible: UI +- id: fe7e32b0-df70-4ea5-b52d-65b5ed492682 + current_stock: 16 + name: Softer Glow Taper Candle + category: homedecor + style: lighting + description: "This elegant taper candle of natural wax provides hours of gentle,\ + \ soothing light to create a relaxing atmosphere. Its slim silhouette enhances\ + \ any room's d\xE9cor when placed in a candle holder." + price: 31.99 + image: fe7e32b0-df70-4ea5-b52d-65b5ed492682.jpg + where_visible: UI +- id: 02f7e73f-b6fe-4ffd-bd06-60c6cb35d60f + current_stock: 16 + name: Cozy Taper Candles for Warm Ambience + category: homedecor + style: lighting + description: This elegant taper candle crafted from natural wax provides a warm, + welcoming glow. Perfect for creating ambience, its clean-burning design can be + enjoyed for hours. An essential decor accent for any room. + price: 17.99 + image: 02f7e73f-b6fe-4ffd-bd06-60c6cb35d60f.jpg + where_visible: UI + promoted: true +- id: 91d0333b-76ec-4271-901a-6bb79cd9f12b + current_stock: 6 + name: Stylish White Floor Lamp + category: homedecor + style: lighting + description: Illuminate your space in style with this sleek modern floor lamp. Its + adjustable white linen shade diffuses a soft glow, perfect for reading or relaxing. + price: 45.99 + image: 91d0333b-76ec-4271-901a-6bb79cd9f12b.jpg + where_visible: UI +- id: c4daa771-3583-4cb4-8d38-f5b3bf0aa3b2 + current_stock: 12 + name: Sleek Dimmer Floor Lamp + category: homedecor + style: lighting + description: Illuminate your home in style with this elegant brushed nickel floor + lamp. The adjustable arm directs warm, dimmable lighting wherever you need it, + while the sturdy base and soft fabric shade add decor flair. + price: 16.99 + image: c4daa771-3583-4cb4-8d38-f5b3bf0aa3b2.jpg + where_visible: UI +- id: 21a6eee1-20d3-4147-9c6e-5e784896c8e6 + current_stock: 17 + name: Stylish Lamp Brightens Any Room + category: homedecor + style: lighting + description: This stylish modern floor lamp provides ambient lighting to relax by. + Its adjustable arm directs soft light wherever you need it. Crafted with quality + steel and linen, this durable lamp matches any decor. + price: 52.99 + image: 21a6eee1-20d3-4147-9c6e-5e784896c8e6.jpg + where_visible: UI + promoted: true +- id: 128237ba-34a4-4d45-88e1-fcb00109ff81 + current_stock: 16 + name: Stylish Bronze Lamp Brightens Any Room + category: homedecor + style: lighting + description: This stylish bronze floor lamp provides warm, ambient lighting to any + room. Its linen shade diffuses light softly while the adjustable arm directs illumination. + Dimmer switch controls brightness. Sophisticated design at an affordable price. + price: 32.99 + image: 128237ba-34a4-4d45-88e1-fcb00109ff81.jpg + where_visible: UI + promoted: true +- id: 4fb90969-6e9b-41f5-8ff2-acde9878e868 + current_stock: 10 + name: Sleek Adjustable Reading Floor Lamp + category: homedecor + style: lighting + description: This stylish modern floor lamp provides soft, ambient lighting to relax + or read by. Its minimalist design complements any decor while the adjustable arm + directs light where needed. + price: 43.99 + image: 4fb90969-6e9b-41f5-8ff2-acde9878e868.jpg + where_visible: UI +- id: 304cd58e-1e7e-4151-9716-1bb222cb724e + current_stock: 15 + name: Stylish Linen Floor Lamp + category: homedecor + style: lighting + description: Presenting the Minimalist Linen Floor Lamp - an elegantly simple lighting + solution to brighten any room. Its neutral linen shade diffuses a warm glow, while + the slender metal frame and weighted base provide customizable height adjustment. + Blend seamlessly into modern or traditional decor. + price: 48.99 + image: 304cd58e-1e7e-4151-9716-1bb222cb724e.jpg + where_visible: UI + promoted: true +- id: 35c9916f-1ffa-46f8-9208-f3cc8a2406ce + current_stock: 13 + name: Stylish White Lamp Brightens Your Space + category: homedecor + style: lighting + description: Illuminate your home in sleek, modern style with this adjustable white + linen floor lamp. Its metal frame and fabric shade provide directed, ambient lighting + ideal for relaxing or reading. + price: 40.99 + image: 35c9916f-1ffa-46f8-9208-f3cc8a2406ce.jpg + where_visible: UI +- id: d075a8b0-003f-4493-8063-857020a617b7 + current_stock: 17 + name: Stylish Hanging Lamp Brightens Rooms + category: homedecor + style: lighting + description: This stylish hanging lamp brightens any room with its elegant metal + frame and fabric shade available in your choice of colors. Diffuses light in a + warm glow for an inviting ambiance. + price: 49.99 + image: d075a8b0-003f-4493-8063-857020a617b7.jpg + where_visible: UI +- id: 026102a5-46af-449d-a276-ce1c8a8df1db + current_stock: 10 + name: Minimalist Hanging Fabric Lamp + category: homedecor + style: lighting + description: Illuminate your home in minimalist style with this elegant metal and + fabric hanging lamp. Its neutral tones and sleek shape add modern flair while + diffusing light for any room. + price: 22.99 + image: 026102a5-46af-449d-a276-ce1c8a8df1db.jpg + where_visible: UI +- id: 988dde6a-b4a7-45a5-9e05-78dd796b6851 + current_stock: 11 + name: Bronze Lamp Illuminates with Elegance + category: homedecor + style: lighting + description: Illuminate your home in sophisticated style with this elegant bronze-finished + hanging lamp. Its cream fabric shades diffuse warm, inviting light that complements + any decor. Quality crafted for durability and versatile design. + price: 37.99 + image: 988dde6a-b4a7-45a5-9e05-78dd796b6851.jpg + where_visible: UI +- id: a54ad1ab-3312-4c36-82e6-2b20b97bc68c + current_stock: 11 + name: Bronze Lamp Brightens with Linen + category: homedecor + style: lighting + description: This stylish bronze hanging lamp features soft linen shades that diffuse + light beautifully, adding a touch of modern flair and warmth to your dining room + or den. + price: 51.99 + image: a54ad1ab-3312-4c36-82e6-2b20b97bc68c.jpg + where_visible: UI +- id: 8c5e7127-d19a-40bf-92dd-3073e107bf67 + current_stock: 11 + name: Stylish Fabric Hanging Lamp + category: homedecor + style: lighting + description: This stylish hanging lamp provides elegant ambient lighting with its + metal frame and fabric shade, subtly brightening any room with a warm glow. The + versatile design complements traditional and contemporary decor. + price: 28.99 + image: 8c5e7127-d19a-40bf-92dd-3073e107bf67.jpg + where_visible: UI + promoted: true +- id: 0b9440be-f7d4-403f-a357-f4e9ce6473f8 + current_stock: 7 + name: Bronze Lamp Softens Room with Linen + category: homedecor + style: lighting + description: Illuminate your home in sophistication with this elegant bronze lamp + featuring neutral linen shades that add a soft, diffused lighting touch to any + room's decor. + price: 60.99 + image: 0b9440be-f7d4-403f-a357-f4e9ce6473f8.jpg + where_visible: UI +- id: 4e3dc511-426f-4fdd-9e15-58a7c74c9ff4 + current_stock: 18 + name: Vintage Fabric Hanging Lamp + category: homedecor + style: lighting + description: Illuminate your home with the elegant, sophisticated style of this + metal and fabric hanging lamp. Its warm, diffused light sets the perfect ambiance + in any room. + price: 16.99 + image: 4e3dc511-426f-4fdd-9e15-58a7c74c9ff4.jpg + where_visible: UI +- id: 0ef96548-e499-4b8f-8656-e3e6a070d171 + current_stock: 16 + name: Stylish Hanging Fabric Lamp + category: homedecor + style: lighting + description: Illuminate your home with the elegantly designed Hanging Fabric Lamp. + Its metal frame and fabric shade cast a warm, ambient glow perfect for dining + and living spaces. Sophisticated yet simple style blends into any decor. Easy + assembly. Part of our homedecor collection. + price: 57.99 + image: 0ef96548-e499-4b8f-8656-e3e6a070d171.jpg + where_visible: UI +- id: 85c8c10a-c7e9-4db8-90d9-e13e798e00b2 + current_stock: 17 + name: Soft Fabric Hanging Lamp + category: homedecor + style: lighting + description: Illuminate your home with this elegant metal and fabric hanging lamp. + Its simple yet sophisticated design blends into any decor while providing beautiful, + diffused lighting to create a warm and cozy atmosphere. + price: 42.99 + image: 85c8c10a-c7e9-4db8-90d9-e13e798e00b2.jpg + where_visible: UI +- id: 0f2c95e5-baf0-4c8c-a551-c33c507ac593 + current_stock: 13 + name: Bronze Lamp with Elegant Fabric Shades + category: homedecor + style: lighting + description: Illuminate your home with this elegant bronze hanging lamp. Its neutral + fabric shades diffuse soft, ambient lighting while the minimalist metal frame + adds sophisticated style. + price: 47.99 + image: 0f2c95e5-baf0-4c8c-a551-c33c507ac593.jpg + where_visible: UI +- id: 49dd74a3-7d11-454b-b2b1-9d40f0fef566 + current_stock: 10 + name: Modern Adjustable Lamp Illuminates Stylishly + category: homedecor + style: lighting + description: This adjustable brushed nickel floor lamp provides ambient lighting + with a soft white fabric shade. The slender metal body and weighted base add stable, + versatile decor to any room. + price: 59.99 + image: 49dd74a3-7d11-454b-b2b1-9d40f0fef566.jpg + where_visible: UI +- id: f8c2af2c-313d-43aa-bf76-340bafd0d46c + current_stock: 9 + name: Bronze Lamp with Linen Chic + category: homedecor + style: lighting + description: Illuminate your home in style with our bronze hanging lamp. Its minimalist + frame and natural linen shade add sophisticated elegance to any space. + price: 42.99 + image: f8c2af2c-313d-43aa-bf76-340bafd0d46c.jpg + where_visible: UI + promoted: true +- id: 1c54c650-dc19-486b-99a2-8621278acb9b + current_stock: 7 + name: Stylish Fabric Hanging Lamp + category: homedecor + style: lighting + description: Illuminate your home in style with this elegant fabric hanging lamp. + Its metal frame and neutral-toned shades add modern flair while emitting a soft, + ambient glow perfect for living rooms and bedrooms. Expertly crafted for easy + installation. + price: 17.99 + image: 1c54c650-dc19-486b-99a2-8621278acb9b.jpg + where_visible: UI +- id: 7b56f6cc-5f6d-41a1-b98c-a128aaff24a7 + current_stock: 14 + name: Unique Hanging Drum Light + category: homedecor + style: lighting + description: This stylish hanging drum lamp provides soft, ambient lighting to brighten + any room. Its clean design and adjustable height complement various decor styles. + price: 51.99 + image: 7b56f6cc-5f6d-41a1-b98c-a128aaff24a7.jpg + where_visible: UI + promoted: true +- id: 56138fc9-df6d-4d6f-8594-768861870d30 + current_stock: 15 + name: Stylish Cream Lamp for Sophisticated Lighting + category: homedecor + style: lighting + description: Illuminate your home in sophisticated style with this elegant metal + and cream fabric hanging lamp. The clean-lined design and neutral tones complement + any decor while the bronze frame and fabric shades add warmth and softness. + price: 53.99 + image: 56138fc9-df6d-4d6f-8594-768861870d30.jpg + where_visible: UI +- id: cb96fbf3-b884-4c21-8e6c-8281773c0ebc + current_stock: 16 + name: Bronze Hanging Lamp, Softly Illuminates + category: homedecor + style: lighting + description: Presenting the Bronze Frame Hanging Lamp - an elegant lighting fixture + with fabric shades that diffuses soft, inviting light. The minimalist metal frame + and neutral design complements any decor. Illuminate your home stylishly today. + price: 20.99 + image: cb96fbf3-b884-4c21-8e6c-8281773c0ebc.jpg + where_visible: UI +- id: f48b2d51-e6ed-4778-ba2b-c29badcb89ae + current_stock: 12 + name: Stylish Linen Wall Lamp + category: homedecor + style: lighting + description: This stylish linen-shaded wall lamp adds modern sophistication and + ambient lighting to any room. Quality materials and versatile design complement + various aesthetics. + price: 19.99 + image: f48b2d51-e6ed-4778-ba2b-c29badcb89ae.jpg + where_visible: UI +- id: 05948514-25d3-49a7-ade2-0368a9b1d525 + current_stock: 7 + name: Brighten Your Space with Our Chic Table Lamp + category: homedecor + style: lighting + description: This stylish table lamp provides directed lighting with its metal base, + neutral linen shade, adjustable neck, and dimmer switch. Its minimalist design + adds subtle sophistication to any room's decor. + price: 54.99 + image: 05948514-25d3-49a7-ade2-0368a9b1d525.jpg + where_visible: UI +- id: 5763e87b-9b9c-456d-8986-1f1e34fa9318 + current_stock: 8 + name: Sleek Adjustable Metal Table Lamp + category: homedecor + style: lighting + description: Illuminate your home in style with this minimalist metal table lamp. + Its adjustable arm directs light wherever you need it, while the dimmer switch + and neutral fabric shade create a warm, inviting glow. + price: 26.99 + image: 5763e87b-9b9c-456d-8986-1f1e34fa9318.jpg + where_visible: UI +- id: 31570597-0c5c-4eed-91c6-d40b2f7847b5 + current_stock: 14 + name: Sleek Metal Lamp Brightens with Style + category: homedecor + style: lighting + description: Illuminate your home in style with this sleek metal table lamp featuring + a linen shade that casts a soft, ambient glow. The adjustable arm directs light + wherever you need it. Modern design meets functionality. + price: 47.99 + image: 31570597-0c5c-4eed-91c6-d40b2f7847b5.jpg + where_visible: UI +- id: f90602f6-d516-44f2-84d4-49d3058892bb + current_stock: 6 + name: Stylish Table Lamp Brightens Your Space + category: homedecor + style: lighting + description: Illuminate your space in style with this sleek metal and neutral linen + table lamp. Its adjustable arm directs light wherever needed to reduce eye strain. + An elegant accent for any room. + price: 47.99 + image: f90602f6-d516-44f2-84d4-49d3058892bb.jpg + where_visible: UI + promoted: true +- id: b31c5f96-8a7d-40c7-8f0a-f587c1af4476 + current_stock: 7 + name: Brighten Your Space Stylishly + category: homedecor + style: lighting + description: This stylish metal and fabric table lamp provides soft, ambient lighting + to accent any room. Its sleek, contemporary design and versatile size make it + the perfect lighting solution for end tables, desks, and more. + price: 21.99 + image: b31c5f96-8a7d-40c7-8f0a-f587c1af4476.jpg + where_visible: UI +- id: 4645c8af-8437-4380-b4e4-ef6f8b0f67b4 + current_stock: 13 + name: Sleek Metal Table Lamp Brightens Any Room + category: homedecor + style: lighting + description: Illuminate your home in sleek, modern style with this minimalist metal + table lamp. Featuring a neutral fabric shade and adjustable arm, it directs light + where you need it for reading or accent lighting. + price: 53.99 + image: 4645c8af-8437-4380-b4e4-ef6f8b0f67b4.jpg + where_visible: UI +- id: 7f7e0965-52f0-4152-8d3b-89d11da45739 + current_stock: 19 + name: Sleek Metal Lamp Brightens in Style + category: homedecor + style: lighting + description: Illuminate your home in sleek, modern style with this minimalist metal + table lamp. The neutral fabric shade diffuses light perfectly for living rooms, + bedrooms and offices while the adjustable arm directs illumination precisely where + needed. + price: 59.99 + image: 7f7e0965-52f0-4152-8d3b-89d11da45739.jpg + where_visible: UI +- id: c4122bb5-b190-4932-b686-9b35f50bb06d + current_stock: 19 + name: Stylish Aluminum Serving Bowl + category: housewares + style: bowls + description: Presenting the Sophisticated Aluminum Serving Bowl - crafted from durable + aluminum with a sleek design, this elegant bowl elevates any occasion. Serve salads, + sides, and snacks in style with its polished look and subtle light reflections. + A sophisticated houseware essential for only $31.99. + price: 31.99 + image: c4122bb5-b190-4932-b686-9b35f50bb06d.jpg + where_visible: UI +- id: 2255952b-b517-4428-bae7-06ee5a96bdcf + current_stock: 17 + name: Stylish Modern Aluminum Bowl + category: housewares + style: bowls + description: Presenting the Stylish Aluminum Serving Bowl - this modern and minimalist + bowl crafted from durable aluminum features a sleek brushed finish, rounded edges, + and versatile design perfect for serving salads, soups, snacks, and more at just + $40.99. Polished style and function combined! + price: 40.99 + image: 2255952b-b517-4428-bae7-06ee5a96bdcf.jpg + where_visible: UI + promoted: true +- id: 34327402-69b9-44ed-b688-55e6f73b7fd9 + current_stock: 17 + name: Shimmering Modern Aluminum Bowl + category: housewares + style: bowls + description: Present the perfect bite with our Polished Aluminum Serving Bowl. Crafted + from durable aluminum with sleek, modern style, this bowl elevates everyday dining + and special occasions alike. Subtly reflecting light across its smooth surface, + it makes a sophisticated statement. + price: 21.99 + image: 34327402-69b9-44ed-b688-55e6f73b7fd9.jpg + where_visible: UI + promoted: true +- id: 78080d05-b078-441f-b245-54b2a2dec872 + current_stock: 7 + name: Stylish Ceramic Serving Bowl + category: housewares + style: bowls + description: Present foods and gatherings elegantly with this sophisticated ceramic + serving bowl. The durable ceramic material and wide bowl shape enable versatile + use from weekday meals to special events. Add refined style to your tabletop with + this multifunctional piece. + price: 18.99 + image: 78080d05-b078-441f-b245-54b2a2dec872.jpg + where_visible: UI + promoted: true +- id: 8aee8fe1-081c-4565-bb20-b751870a2a7c + current_stock: 16 + name: Vibrant Handcrafted Serving Bowl + category: housewares + style: bowls + description: Presenting the Magnificent Ceramic Serving Bowl, a versatile and elegant + bowl crafted from durable ceramic with a smooth glazed finish. Perfect for serving + soups, salads, fruits, and more at dinner parties or for everyday use. + price: 31.99 + image: 8aee8fe1-081c-4565-bb20-b751870a2a7c.jpg + where_visible: UI +- id: e6acc24d-9e56-478f-ba8f-5b9f7924065e + current_stock: 19 + name: Stylish Porcelain Serving Bowl + category: housewares + style: bowls + description: Crafted from fine porcelain with delicate curves and smooth glaze, + this versatile serving bowl elegantly accents any room. Use it daily for soups, + salads and more while its subtle off-white coloring complements your decor. + price: 13.99 + image: e6acc24d-9e56-478f-ba8f-5b9f7924065e.jpg + where_visible: UI +- id: 14825b03-ef30-4383-b92c-e8f022aee4cd + current_stock: 10 + name: Refined Bowl Elevates Every Meal + category: housewares + style: bowls + description: Presenting the Refined Ceramic Serving Bowl, an elegant and durable + accent for your table. Crafted from fine ceramic with a polished rim, this refined + bowl elevates any meal whether enjoyed during a quiet dinner or festive gathering. + Stylish, versatile serving piece for salads, sides, and more. + price: 31.99 + image: 14825b03-ef30-4383-b92c-e8f022aee4cd.jpg + where_visible: UI + promoted: true +- id: 25e0f1af-8620-4eca-8573-4924d3fbee52 + current_stock: 15 + name: Sleek Porcelain Serving Bowl + category: housewares + style: bowls + description: With subtle curves and smooth glaze, this versatile porcelain serving + bowl elegantly presents soups, salads, and more. An off-white accent for any table, + this durable bowl's clean design promises beauty and daily use for years. + price: 22.99 + image: 25e0f1af-8620-4eca-8573-4924d3fbee52.jpg + where_visible: UI +- id: 898e919e-4758-41bf-bc8a-f96bcf7e375b + current_stock: 12 + name: Elegant Ceramic Serving Bowl + category: housewares + style: bowls + description: Introducing the Magnificent Ceramic Serving Bowl - an elegant yet durable + accent piece for your table. Crafted from fine ceramic with a smooth glazed interior + and textured exterior. Spacious enough for serving yet sized for everyday use. + Elevate your dining experience with this versatile and luxurious bowl. + price: 23.99 + image: 898e919e-4758-41bf-bc8a-f96bcf7e375b.jpg + where_visible: UI +- id: 4619e224-6397-4729-8941-c867a2b83870 + current_stock: 12 + name: Artistic Ceramic Serving Bowl Elevates Dining + category: housewares + style: bowls + description: Present food in artisanal style with this beautifully crafted ceramic + serving bowl. Its smooth glazed finish and rounded shape elevate any dining occasion + while durable construction ensures everyday use. + price: 60.99 + image: 4619e224-6397-4729-8941-c867a2b83870.jpg + where_visible: UI +- id: bfbd28d2-d351-4a21-b799-9ba6a74c7b96 + current_stock: 14 + name: Stylish Porcelain Serving Bowl + category: housewares + style: bowls + description: This elegant ceramic serving bowl crafted from fine porcelain features + delicate curves and smooth glaze for beautiful, functional decor. Its subtle sophistication + complements any room. + price: 42.99 + image: bfbd28d2-d351-4a21-b799-9ba6a74c7b96.jpg + where_visible: UI +- id: 460aedd2-85f9-49f7-8b07-343ef41b931a + current_stock: 17 + name: Elegant Ceramic Serving Bowl + category: housewares + style: bowls + description: Presenting the Opulent Ceramic Serving Bowl, an elegantly crafted ceramic + bowl with intricate patterns and smooth glazed finish. The perfect decorative + and functional accent that adds sophistication to any space. + price: 50.99 + image: 460aedd2-85f9-49f7-8b07-343ef41b931a.jpg + where_visible: UI +- id: 41af1a6b-d952-40ed-ae74-4411c0ecb2c9 + current_stock: 16 + name: Vibrant Ceramic Serving Bowl for Any Occasion + category: housewares + style: bowls + description: Presenting the Splendid Deep Ceramic Serving Bowl, a beautifully crafted + bowl perfect for serving salads, soups, and more at any occasion. Its deep rounded + shape and durable ceramic finish add versatile brilliance to your table. + price: 66.99 + image: 41af1a6b-d952-40ed-ae74-4411c0ecb2c9.jpg + where_visible: UI +- id: a8c62835-0fb8-45a5-9ebd-f324566047dd + current_stock: 16 + name: Stylish Porcelain Serving Bowl + category: housewares + style: bowls + description: This sophisticated 12-inch ceramic serving bowl crafted from fine porcelain + offers versatile beauty and function for both elegant and casual dining. Its neutral + glazed finish and timeless curved shape blend with any decor while providing ample + space for meals. A thoughtful and durable houseware essential. + price: 67.99 + image: a8c62835-0fb8-45a5-9ebd-f324566047dd.jpg + where_visible: UI +- id: 0c5a876a-b118-4815-b853-6ea020920360 + current_stock: 14 + name: Stylish White Porcelain Serving Bowl + category: housewares + style: bowls + description: This elegant 12" white porcelain serving bowl features a smooth glazed + finish and clean lines for an understated yet sophisticated look. Perfect for + serving salads, soups and more at any occasion. Durable porcelain construction + is safe for oven and dishwasher. + price: 45.99 + image: 0c5a876a-b118-4815-b853-6ea020920360.jpg + where_visible: UI +- id: d99e8222-41e1-4a73-bb5b-5716e46b744e + current_stock: 13 + name: Vibrant Rainbow Swirl Bowl + category: housewares + style: bowls + description: Presenting the Dazzling Rainbow Ceramic Bowl, a beautifully handcrafted + piece that brightens any room. This versatile bowl features a rainbow swirl design + and smooth ceramic surface, perfect for serving or display. A stylish and functional + addition to your kitchen. + price: 35.99 + image: d99e8222-41e1-4a73-bb5b-5716e46b744e.jpg + where_visible: UI +- id: 73d86619-0add-438e-831d-596562004a49 + current_stock: 19 + name: Bold Ceramic Serving Bowl + category: housewares + style: bowls + description: This versatile 12" ceramic serving bowl with clean, simple design and + generous capacity is a kitchen essential for effortlessly serving soups, salads, + and more. Its durable porcelain construction and elegant style make it perfect + for everyday meals or special occasions. + price: 13.99 + image: 73d86619-0add-438e-831d-596562004a49.jpg + where_visible: UI +- id: 3f90e04e-9bfe-4fd4-a137-387b694baad2 + current_stock: 13 + name: Modern Chic Serving Bowl + category: housewares + style: bowls + description: Expertly crafted ceramic bowl with sleek modern design effortlessly + elevates any table setting. Durable glazed finish and versatile 8" size make this + chic bowl perfect for serving soups, salads, cereals, and more in refined style. + price: 69.99 + image: 3f90e04e-9bfe-4fd4-a137-387b694baad2.jpg + where_visible: UI +- id: 6eb26fcd-fe7b-4a47-bad7-22a4a46c7377 + current_stock: 9 + name: Sleek Ceramic Serving Bowl for Any Occasion + category: housewares + style: bowls + description: This versatile ceramic serving bowl features a smooth glaze and elegant + style. Perfect for prepping, mixing, and serving everything from salads to snacks. + A sophisticated addition to any kitchen. + price: 51.99 + image: 6eb26fcd-fe7b-4a47-bad7-22a4a46c7377.jpg + where_visible: UI +- id: 11787eea-3b60-4ac6-89d5-8bce503b2ad0 + current_stock: 17 + name: Vibrant Blue Floral Bowl + category: housewares + style: bowls + description: Add style to any table with this lovely blue floral ceramic bowl. The + durable construction and intricate floral detailing make this medium-sized bowl + perfect for serving all your favorite foods in elegant style. + price: 64.99 + image: 11787eea-3b60-4ac6-89d5-8bce503b2ad0.jpg + where_visible: UI +- id: ac46fdbc-2369-4908-b0b1-d405572e4a5c + current_stock: 12 + name: Stylish Ceramic Serving Bowl + category: housewares + style: bowls + description: Presenting the Classy Ceramic Serving Bowl, an elegant and versatile + piece that adds sophistication to any table. Crafted from smooth ceramic with + a timeless design, this sturdy bowl displays and serves in style. Elevate your + home with this decorative yet functional accent. + price: 65.99 + image: ac46fdbc-2369-4908-b0b1-d405572e4a5c.jpg + where_visible: UI +- id: d3237d85-4917-43df-ab83-6f8fb1084f70 + current_stock: 13 + name: Sleek White Bowl for Modern Style + category: housewares + style: bowls + description: Presenting the Neat White Ceramic Bowl, a modern and minimalist bowl + that brings elegant style and versatile utility to any room. Expertly crafted + from durable glazed stoneware in a clean, contemporary design. + price: 59.99 + image: d3237d85-4917-43df-ab83-6f8fb1084f70.jpg + where_visible: UI + promoted: true +- id: d7886985-e5fa-4e4c-984c-d3e5be1036f5 + current_stock: 18 + name: Sleek Ceramic Serving Bowl for Stylish Homes + category: housewares + style: bowls + description: Presenting the Stylish Ceramic Serving Bowl, a sleek and elegant bowl + perfect for serving salads, snacks, and decor. Its smooth ceramic build and modern + design effortlessly fits any home decor. Durable, versatile, and priced at only + $24.99. + price: 24.99 + image: d7886985-e5fa-4e4c-984c-d3e5be1036f5.jpg + where_visible: UI +- id: 8074a0d4-550c-459f-8647-a1cd6ffbeb36 + current_stock: 10 + name: Stylish Ceramic Serving Bowl + category: housewares + style: bowls + description: Presenting the Sumptuous Ceramic Serving Bowl, a beautifully crafted + ceramic bowl with smooth glazed finish and elegant curved sides. Stylishly serve + salads, soups and more at special events or everyday dining. A versatile, sophisticated + accent piece for any table. + price: 58.99 + image: 8074a0d4-550c-459f-8647-a1cd6ffbeb36.jpg + where_visible: UI +- id: d5df83a8-d974-4eb6-bdb8-c8e1f3a14c64 + current_stock: 10 + name: Stylish Glazed Ceramic Serving Bowl + category: housewares + style: bowls + description: Elevate your dining with this elegant white ceramic bowl. Its gracefully + curved sides and refined glazed finish lend an air of sophistication to any meal. + price: 11.99 + image: d5df83a8-d974-4eb6-bdb8-c8e1f3a14c64.jpg + where_visible: UI +- id: 6716caa1-0555-4d06-aaa2-dfa1b86bbe56 + current_stock: 6 + name: Vibrant Speckled Serving Bowl + category: housewares + style: bowls + description: Crafted from fine ceramic with a smooth glazed finish, this generous + 12-inch bowl elegantly elevates your decor while offering versatile functionality + for serving soups, salads, and more. Its subtle earthy speckles complement any + palette. + price: 64.99 + image: 6716caa1-0555-4d06-aaa2-dfa1b86bbe56.jpg + where_visible: UI +- id: 91cc9fa1-d8e9-46ae-9c8d-86264de2c6cc + current_stock: 6 + name: Stylish White Ceramic Serving Bowl + category: housewares + style: bowls + description: This stylish 12-inch white ceramic serving bowl adds an elegant touch + to any space with its smooth glazed finish, gentle sloping sides, and subtle curved + rim detailing. The perfect decorative accent that is as beautiful as it is functional. + price: 35.99 + image: 91cc9fa1-d8e9-46ae-9c8d-86264de2c6cc.jpg + where_visible: UI +- id: 98330a26-c51c-451e-8caa-911a8c7abf26 + current_stock: 10 + name: Vivid Glazed Ceramic Serving Bowl + category: housewares + style: bowls + description: This exquisite ceramic bowl with lustrous glazed finish makes an elegant + accent for serving soups, salads, and more. Its timeless curved shape and durable + craftsmanship transitions effortlessly from everyday dining to special occasions. + price: 34.99 + image: 98330a26-c51c-451e-8caa-911a8c7abf26.jpg + where_visible: UI +- id: 27c9238e-6235-47a2-97b1-07fd10223034 + current_stock: 12 + name: Elegant Ceramic Serving Bowl for Any Occasion + category: housewares + style: bowls + description: Present this elegant and durable ceramic serving bowl to elevate any + occasion. Its generous proportions gracefully display soups, salads, and more + while retaining heat and resisting chips and cracks. + price: 63.99 + image: 27c9238e-6235-47a2-97b1-07fd10223034.jpg + where_visible: UI +- id: b69ec50e-42bf-4dfe-822b-91262e1da687 + current_stock: 9 + name: Stylish 12" Porcelain Serving Bowl + category: housewares + style: bowls + description: This elegant 12-inch ceramic serving bowl crafted from fine porcelain + adds sophisticated style to any kitchen. The generous size is perfect for serving + salads, soups, and more, while the durable porcelain construction ensures lasting + beauty and versatility. + price: 40.99 + image: b69ec50e-42bf-4dfe-822b-91262e1da687.jpg + where_visible: UI +- id: d091c586-5c5b-440a-8919-a9a76989992c + current_stock: 16 + name: Sleek Ceramic Serving Bowl for Elegant Dining + category: housewares + style: bowls + description: This refined ceramic serving bowl elegantly displays salads, sides, + and more. Its sleek yet durable design brings function and modern flair to everyday + meals and special occasions alike. + price: 29.99 + image: d091c586-5c5b-440a-8919-a9a76989992c.jpg + where_visible: UI +- id: 020a5afe-fb13-4499-a1fa-8594d326eaa0 + current_stock: 17 + name: Curvy Ceramic Serving Bowl + category: housewares + style: bowls + description: Presenting the Elegant Ceramic Serving Bowl - a sophisticated accent + for any room. This artistic porcelain bowl features delicate curves and smooth + glazed finish, perfect for serving or displaying. An elegant addition to modern + and traditional decor. + price: 31.99 + image: 020a5afe-fb13-4499-a1fa-8594d326eaa0.jpg + where_visible: UI +- id: b3bd72c3-ab64-44d3-a6f9-2532c16aa849 + current_stock: 11 + name: Floral Bowl with Sophisticated Charm + category: housewares + style: bowls + description: Presenting the Fancy Floral Ceramic Bowl, a beautifully hand-painted + floral accent piece that elegantly serves salads, soups, and more. Durable ceramic + construction with glossy finish; generous size perfect for everyday use or formal + dining. An ornate bowl that adds sophisticated charm to any table. + price: 72.99 + image: b3bd72c3-ab64-44d3-a6f9-2532c16aa849.jpg + where_visible: UI +- id: ae415dd0-8300-4bd5-8a65-71aeb09e3969 + current_stock: 18 + name: Captivating Ceramic Serving Bowl + category: housewares + style: bowls + description: This 12" ceramic serving bowl with smooth glazed finish elegantly elevates + dining experiences. Its versatile classic shape serves soups, salads, and more + for everyday meals or special gatherings. Quality construction provides reliable + functionality. + price: 30.99 + image: ae415dd0-8300-4bd5-8a65-71aeb09e3969.jpg + where_visible: UI +- id: 481b9e0a-cc70-4daa-b663-a5b8abf69a42 + current_stock: 14 + name: Elegant Curved Ceramic Serving Bowl + category: housewares + style: bowls + description: Presenting the Luxurious Curved Ceramic Bowl. With its elegant design + and durable ceramic construction, this versatile bowl effortlessly serves soups, + salads, and more. The perfect elegant yet functional accent for any table. + price: 17.99 + image: 481b9e0a-cc70-4daa-b663-a5b8abf69a42.jpg + where_visible: UI + promoted: true +- id: 447bc9e4-c176-4665-892e-2a0f47b3a582 + current_stock: 12 + name: Handcrafted Porcelain Serving Bowl + category: housewares + style: bowls + description: This versatile 12-inch ceramic serving bowl crafted from fine porcelain + elegantly presents soups, salads, and more. Its generous size and subtle curved + shape make it a cherished kitchen staple. + price: 48.99 + image: 447bc9e4-c176-4665-892e-2a0f47b3a582.jpg + where_visible: UI +- id: aa58a794-9f14-404a-b800-e48d1fcdb3c8 + current_stock: 18 + name: Colorful Rainbow Ceramic Bowl + category: housewares + style: bowls + description: Presenting the Dazzling Rainbow Ceramic Bowl, a vibrant 12-inch ceramic + bowl perfect for serving and decorating. Its smooth durable construction and rainbow + glazed finish add a fun pop of color to any kitchen. A must-have houseware piece + for brightening up mealtimes. + price: 61.99 + image: aa58a794-9f14-404a-b800-e48d1fcdb3c8.jpg + where_visible: UI +- id: 18ea792e-2dc0-4dd0-8cdd-29266d333412 + current_stock: 12 + name: Vibrant Painted Floral Bowl + category: housewares + style: bowls + description: Presenting the Fancy Floral Ceramic Bowl, a beautifully hand-painted + floral accent piece that elevates any tablesetting. This generously sized, durable + ceramic bowl with intricate painted blossoms makes an elegant statement and functional + serving dish. + price: 64.99 + image: 18ea792e-2dc0-4dd0-8cdd-29266d333412.jpg + where_visible: UI +- id: 93ade4d8-4df8-41da-af5d-506f2c33b845 + current_stock: 19 + name: Stylish Serving Bowl for Elegant Dining + category: housewares + style: bowls + description: This stylish ceramic serving bowl adds elegant presentation to any + meal with its clean, modern design and smooth glazed interior. Durable stoneware + construction withstands daily use. + price: 54.99 + image: 93ade4d8-4df8-41da-af5d-506f2c33b845.jpg + where_visible: UI + promoted: true +- id: 76f244eb-ed95-478e-97b7-d7c270980658 + current_stock: 7 + name: Stylish Ceramic Serving Bowl + category: housewares + style: bowls + description: This finely crafted ceramic serving bowl elevates everyday dining with + its elegant curves and smooth glazed finish. Generously sized for salads, soups, + and more. An elegant yet functional accent piece for any home. + price: 71.99 + image: 76f244eb-ed95-478e-97b7-d7c270980658.jpg + where_visible: UI + promoted: true +- id: 08301406-e647-4881-85ad-8134ba2ff1ce + current_stock: 10 + name: Vibrant Ceramic Bowl for Everyday + category: housewares + style: bowls + description: This durable and versatile ceramic bowl brings simple elegance to everyday + dining. Perfectly sized for individual portions, it's ready to be filled with + soups, salads, cereals, and more. Crafted for reliability, this smooth white bowl + makes an appealing addition to any kitchen. + price: 45.99 + image: 08301406-e647-4881-85ad-8134ba2ff1ce.jpg + where_visible: UI +- id: 8bdfaf9c-4ff6-46bc-a304-33db265f36ef + current_stock: 12 + name: Versatile Ceramic Serving Bowl + category: housewares + style: bowls + description: This versatile 12-inch classic ceramic serving bowl brings elegant + style and utility to any kitchen. Generously sized for hearty portions, it's perfect + for salads, soups, cereals, and more. Stylish, sturdy, and endlessly useful. + price: 51.99 + image: 8bdfaf9c-4ff6-46bc-a304-33db265f36ef.jpg + where_visible: UI +- id: 261aeff6-f317-4744-962e-490a0911eee1 + current_stock: 12 + name: Vibrant Speckled Serving Bowl + category: housewares + style: bowls + description: With subtle speckled hues, this generously sized 12-inch ceramic serving + bowl elegantly elevates any decor while offering versatile functionality for serving + soups, salads, and more. Crafted with fine ceramic and quality craftsmanship. + price: 62.99 + image: 261aeff6-f317-4744-962e-490a0911eee1.jpg + where_visible: UI + promoted: true +- id: 69d5abcb-8040-4004-9329-8fe74a0ab650 + current_stock: 11 + name: Stylish Ceramic Bowl for Chic Dining + category: housewares + style: bowls + description: Presenting the Chic Ceramic Bowl - a sleek and stylish addition to + any table. Expertly crafted from durable ceramic with a smooth glazed finish, + this versatile bowl elevates dining with its generous proportions and clean, modern + aesthetic. + price: 60.99 + image: 69d5abcb-8040-4004-9329-8fe74a0ab650.jpg + where_visible: UI +- id: 274a765d-a58d-4d09-b9a8-8cd92739525c + current_stock: 11 + name: Sleek Ceramic Bowl Elevates Kitchen Style + category: housewares + style: bowls + description: This sleek, modern ceramic bowl elevates your kitchen with elegant, + minimalist style. Its durable material and deep rounded base make it as functional + as it is beautiful for serving soups, salads, and more. + price: 58.99 + image: 274a765d-a58d-4d09-b9a8-8cd92739525c.jpg + where_visible: UI +- id: 21676ad2-b826-4884-895d-0240a0afac10 + current_stock: 8 + name: Sophisticated Bowl for Elegant Dining + category: housewares + style: bowls + description: Present hearty soups, crisp salads, and family meals with elegance + using this versatile ceramic serving bowl. Its smooth glazed finish and subtle + neutral tone complement any decor. + price: 12.99 + image: 21676ad2-b826-4884-895d-0240a0afac10.jpg + where_visible: UI +- id: e2b686b4-1e49-4ac8-8590-f02a29e9888d + current_stock: 15 + name: Beautiful Handcrafted Serving Bowl + category: housewares + style: bowls + description: The Opulent Ceramic Serving Bowl elegantly displays fruit or servings. + Its intricate design and smooth glazed finish add sophisticated style to any occasion. + price: 17.99 + image: e2b686b4-1e49-4ac8-8590-f02a29e9888d.jpg + where_visible: UI +- id: cc09417b-a314-4752-9790-dd789d2d24f4 + current_stock: 13 + name: Stylish Bowl for Any Occasion + category: housewares + style: bowls + description: Presenting the Stylish Ceramic Serving Bowl, a sleek and elegant accent + piece for any occasion. This versatile bowl effortlessly displays food or decor + with its smooth ceramic construction and modern aesthetic. Durable, sophisticated + style for your tabletop. + price: 25.99 + image: cc09417b-a314-4752-9790-dd789d2d24f4.jpg + where_visible: UI +- id: c2fc8658-462f-425c-8103-21c3a5eed2ac + current_stock: 11 + name: Stylish Metal Mixing Bowl for Every Kitchen + category: housewares + style: bowls + description: With its polished metal exterior and expansive interior, this versatile + mixing bowl transitions seamlessly from mixing batters to serving salads with + sophisticated style. + price: 70.99 + image: c2fc8658-462f-425c-8103-21c3a5eed2ac.jpg + where_visible: UI +- id: 2c1b34d6-0f3d-463d-be76-226cb87bdc6d + current_stock: 6 + name: Sleek Metal Mixing Bowl for Any Kitchen + category: housewares + style: bowls + description: Presenting the Neat Metal Mixing Bowl, a sleek and versatile accent + piece for any kitchen. Its polished metal design and generous size make it perfect + for mixing, serving, and displaying. This high-quality bowl elegantly transitions + from countertop to tabletop. + price: 70.99 + image: 2c1b34d6-0f3d-463d-be76-226cb87bdc6d.jpg + where_visible: UI +- id: 93ff5557-ff08-4df4-989b-a7c554c73d23 + current_stock: 6 + name: Stylish Wooden Serving Bowl + category: housewares + style: bowls + description: This elegantly crafted wooden serving bowl adds sophistication to any + table with its smooth sanded interior, subtly polished exterior, and timeless + design. Perfect for serving or displaying, it coordinates effortlessly with various + decor styles. + price: 21.99 + image: 93ff5557-ff08-4df4-989b-a7c554c73d23.jpg + where_visible: UI +- id: ea18e120-48e8-4874-b462-bd934d1b77ff + current_stock: 18 + name: Rustic Wood Serving Bowl + category: housewares + style: bowls + description: "Introducing the Rustic Wood Serving Bowl - a beautifully handcrafted\ + \ medium bowl that brings warmth and rustic charm to any space. Its smooth sanded\ + \ edges highlight the natural wood grain in this versatile piece that works for\ + \ snacks, fruit, and d\xE9cor. Sturdy, durable, and designed to impress." + price: 52.99 + image: ea18e120-48e8-4874-b462-bd934d1b77ff.jpg + where_visible: UI +- id: 7bc976b5-c78c-42aa-a4b2-dd734ce1047f + current_stock: 16 + name: Handcrafted Wood Serving Bowl + category: housewares + style: bowls + description: Expertly hand-carved wood bowl with smooth sanded interior for serving + and stylish exterior pattern. An elegant home accent that effortlessly complements + any decor. + price: 67.99 + image: 7bc976b5-c78c-42aa-a4b2-dd734ce1047f.jpg + where_visible: UI +- id: 90ccfbb9-4538-4951-af8d-4f728578b237 + current_stock: 17 + name: Rustic Handcrafted Wooden Serving Bowl + category: housewares + style: bowls + description: Artfully handcrafted from natural wood, this elegant curved bowl adds + organic beauty to any tabletop. Its smooth sanded edges and rich wood grain patterns + make a sophisticated serving piece for salads, pasta, and more. + price: 54.99 + image: 90ccfbb9-4538-4951-af8d-4f728578b237.jpg + where_visible: UI +- id: 191c57f9-3595-450c-9c14-d67a1771549a + current_stock: 8 + name: Scrubby Soaker Cleans with Ease + category: housewares + style: consumable + description: The Sponge is an essential, durable cleaning tool that effortlessly + scrubs, soaks up messes, and tackles any cleaning task. Its absorbent and textured + material lifts grime without scratching, making this versatile houseware item + a must-have for easy and thorough cleaning. + price: 30.99 + image: 191c57f9-3595-450c-9c14-d67a1771549a.jpg + where_visible: UI +- id: f5be9f67-8def-405d-af7e-2abf6876277f + current_stock: 18 + name: Versatile Baking Dish for Oven to Table + category: housewares + style: kitchen + description: This versatile glass baking dish easily goes from oven to table for + convenient baking and serving. With a classic shape perfect for casseroles or + roasted veggies, this sturdy bakeware becomes an indispensable kitchen staple. + price: 50.99 + image: f5be9f67-8def-405d-af7e-2abf6876277f.jpg + where_visible: UI + promoted: true +- id: 56853a1b-064b-498f-846d-28473bd22233 + current_stock: 13 + name: Versatile Stoneware Baking Dish + category: housewares + style: kitchen + description: This versatile stoneware baking dish evenly distributes heat for perfect + casseroles and lasagnas. With angled sides to prevent spills and dual handles + for safe transport, this essential kitchen tool will help home chefs bake family + favorites or test new recipes with reliable performance. + price: 67.99 + image: 56853a1b-064b-498f-846d-28473bd22233.jpg + where_visible: UI +- id: bbcda337-3411-47e4-aeec-079663f729df + current_stock: 9 + name: Versatile Baking Dish for Perfect Meals + category: housewares + style: kitchen + description: Crafted for even baking and easy cleaning, this versatile baking dish + distributes heat evenly for golden casseroles, roasted veggies, and more. Its + durability ensures years of reliable service for all your family meals and holiday + baking. + price: 73.99 + image: bbcda337-3411-47e4-aeec-079663f729df.jpg + where_visible: UI +- id: d6e6d8c1-57a8-4256-8577-ce394b19f716 + current_stock: 18 + name: Sturdy Cutting Board for Kitchen Prep + category: housewares + style: kitchen + description: This durable cutting board provides a sturdy prep surface to efficiently + chop, slice and dice ingredients. The quality construction ensures longevity, + making it an essential kitchen tool for home cooks. + price: 69.99 + image: d6e6d8c1-57a8-4256-8577-ce394b19f716.jpg + where_visible: UI +- id: 4a801886-9a83-4909-a914-5c26958bba14 + current_stock: 17 + name: Fresh-Ground Flavorful Coffee Maker + category: housewares + style: kitchen + description: Make fresh, flavorful coffee at home with this 12-cup programmable + coffee maker featuring built-in grinder and strength control for the perfect customizable + brew. + price: 61.99 + image: 4a801886-9a83-4909-a914-5c26958bba14.jpg + where_visible: UI +- id: dc8f6e1b-3d49-436e-93ef-821fe08ffa4e + current_stock: 8 + name: Brew Barista Brews at Home + category: housewares + style: kitchen + description: Make every cup perfectly yours with the Custom Brews Coffee Maker. + Our intuitive appliance allows you to customize strength, size, and schedule for + unrivaled cafe-quality brews from the comfort of home. + price: 53.99 + image: dc8f6e1b-3d49-436e-93ef-821fe08ffa4e.jpg + where_visible: UI + promoted: true +- id: 471622d6-3300-4591-816b-ab8487e70274 + current_stock: 18 + name: Fresh Brew Coffee Maker + category: housewares + style: kitchen + description: Make mornings brighter with our sleek and modern coffee maker. Brew + fresh, flavorful coffee right at home with programmable settings for easy customization. + The durable glass carafe and reusable filter deliver cup after cup of your favorite + blend. + price: 55.99 + image: 471622d6-3300-4591-816b-ab8487e70274.jpg + where_visible: UI +- id: acfba3f9-f7d6-4fff-9cef-35db086d2869 + current_stock: 13 + name: Drizzle Sweetness with the Honey Dipper + category: housewares + style: kitchen + description: Presenting the Honey Dipper - the essential kitchen tool for drizzling + the perfect amount of sweet honey. With its slender handle and specialized spoon, + this high-quality stainless steel dipper allows excellent control when serving + honey on biscuits, yogurt and more. + price: 69.99 + image: acfba3f9-f7d6-4fff-9cef-35db086d2869.jpg + where_visible: UI + promoted: true +- id: 57a7d4c1-03f7-4a5b-a618-cbfb5a0004f1 + current_stock: 11 + name: Honey Dipper for Sweet Drizzling + category: housewares + style: kitchen + description: Presenting the Honey Dipper Kitchen Drizzler, the essential stainless + steel honey server with ergonomic handle for controlled drizzling from the jar. + This thoughtfully designed dipper scoops and drizzles the perfect amount of sweet + golden honey for baking, tea, and anything needing a touch of sweetness. + price: 70.99 + image: 57a7d4c1-03f7-4a5b-a618-cbfb5a0004f1.jpg + where_visible: UI + promoted: true +- id: e66109bf-9ad5-430a-90e5-900c00119f39 + current_stock: 6 + name: Cast Iron Wonders for Slow Cooking + category: housewares + style: kitchen + description: The enameled cast iron Dutch Oven retains heat beautifully for slow + cooking stews and braising meats. Its versatile design allows stovetop searing + before oven braising. The tight-fitting lid locks in moisture for tender, flavorful + dishes. + price: 52.99 + image: e66109bf-9ad5-430a-90e5-900c00119f39.jpg + where_visible: UI +- id: f0d4b661-1c18-430b-bd9c-4f684109899e + current_stock: 9 + name: Versatile Cast Iron Dutch Oven + category: housewares + style: kitchen + description: This versatile 6qt enameled cast iron Dutch Oven effortlessly braises, + slow cooks, and bakes bread. Its tight-fitting lid locks in moisture for tender, + flavorful stews and roasts. Durable and beautiful, this enameled pot transitions + stove-to-oven for one-pot meals. + price: 59.99 + image: f0d4b661-1c18-430b-bd9c-4f684109899e.jpg + where_visible: UI +- id: e41db00e-517e-4030-8d7f-347d1050ae77 + current_stock: 17 + name: Versatile Cast Iron Dutch Oven + category: housewares + style: kitchen + description: This versatile 6qt enameled cast iron Dutch Oven evenly distributes + heat for slow cooking, braising, roasting, baking, and frying. Its tight-fitting + lid seals in moisture and flavor. Durable, multipurpose pot transitions from stovetop + to oven for endless one-pot meal possibilities. + price: 69.99 + image: e41db00e-517e-4030-8d7f-347d1050ae77.jpg + where_visible: UI + promoted: true +- id: 95c8bc73-c135-4d79-89fe-b53a36c99a08 + current_stock: 10 + name: Versatile Cast Iron Pot for Any Kitchen + category: housewares + style: kitchen + description: This durable enameled cast iron Dutch oven conducts heat evenly for + versatile cooking. Braise, bake, roast, or simmer stews and soups in this ample + 6qt pot. Its tight-fitting lid seals in moisture and nutrients. + price: 73.99 + image: 95c8bc73-c135-4d79-89fe-b53a36c99a08.jpg + where_visible: UI +- id: d3b237ae-6039-45f9-9692-495ad2141c54 + current_stock: 10 + name: Sleek French Press for Robust Brew + category: housewares + style: kitchen + description: Brew rich, robust coffee with this elegantly designed French Press. + Its simple process and versatile design produce intense flavor that highlights + the aromas of your favorite beans. The perfect gift for any coffee lover. + price: 52.99 + image: d3b237ae-6039-45f9-9692-495ad2141c54.jpg + where_visible: UI +- id: bbbb7fe9-ba83-4072-abda-2f54797bf42a + current_stock: 10 + name: Sip Elegance with Our Tulip Beer Glass + category: housewares + style: kitchen + description: This elegantly crafted 16oz tulip beer glass elevates every sip of + your favorite brew. Its shapely design enhances aroma while the sturdy base feels + pleasantly substantial in your hand. + price: 52.99 + image: bbbb7fe9-ba83-4072-abda-2f54797bf42a.jpg + where_visible: UI +- id: e97b9509-a1d5-4fda-b3f7-403d22accdfc + current_stock: 9 + name: Savor the Flavor Beer Glass + category: housewares + style: kitchen + description: Elevate your brew with this elegantly tapered 16oz glass that optimizes + aroma, head retention and appreciation of your favorite craft beers. A versatile + glassware essential for any home bar. + price: 69.99 + image: e97b9509-a1d5-4fda-b3f7-403d22accdfc.jpg + where_visible: UI +- id: 1b2dda7c-7fd7-476a-bdea-87bcd101a022 + current_stock: 10 + name: Elevate Your Brew in Durable Elegance + category: housewares + style: kitchen + description: Experience the joy of a perfectly poured beer in this elegantly designed + glass that enhances aroma and flavor. Durable, versatile, and precision-crafted + to elevate every sip. + price: 65.99 + image: 1b2dda7c-7fd7-476a-bdea-87bcd101a022.jpg + where_visible: UI +- id: 4a4a4f8f-b8ff-471b-8a92-98fe09cdc18a + current_stock: 12 + name: Bold Pint Unleashes Beer's True Glory + category: housewares + style: kitchen + description: This elegant 16oz beer glass enhances the flavor and aroma of your + favorite IPAs, lagers, and stouts. Crafted from fine glassware, it's the perfect + gift for the beer lover in your life. + price: 75.99 + image: 4a4a4f8f-b8ff-471b-8a92-98fe09cdc18a.jpg + where_visible: UI +- id: f15e2d5b-67fb-4ac1-937f-8155a3f63e20 + current_stock: 15 + name: Sleek Curved Beer Glass Elevates Brew + category: housewares + style: kitchen + description: This sleek curved beer glass elevates any brew. Its tapered shape enhances + aroma while the weighted base provides stability. The perfect vessel for presenting + and enjoying your favorite beers. + price: 62.99 + image: f15e2d5b-67fb-4ac1-937f-8155a3f63e20.jpg + where_visible: UI +- id: 12c1ae27-cec6-41ad-8c8e-8f50648e056f + current_stock: 10 + name: Craft Brew Barware Elevates Every Sip + category: housewares + style: kitchen + description: This elegantly crafted 16oz beer glass elevates every sip of your favorite + craft brew. Its tapered shape enhances aroma and head retention for an optimal + beer drinking experience. A versatile barware essential for the craft beer enthusiast. + price: 60.99 + image: 12c1ae27-cec6-41ad-8c8e-8f50648e056f.jpg + where_visible: UI +- id: 3630053e-3962-4549-bcce-402c3a980557 + current_stock: 6 + name: Savor Your Brew Elegantly + category: housewares + style: kitchen + description: Elevate your brew with this sophisticasted 16oz tulip-shaped glass + that optimizes aroma and flavor. The sturdy, curved glass construction provides + a comfortable sipping experience to enhance your beer drinking. + price: 71.99 + image: 3630053e-3962-4549-bcce-402c3a980557.jpg + where_visible: UI + promoted: true +- id: 10d35bdd-fe3d-4d23-99de-68bf1e24bcff + current_stock: 7 + name: Craft Beer Mug - Elevate Your Brew + category: housewares + style: kitchen + description: Elevate your brew with this 16oz clear glass beer mug. Its tapered + shape enhances aroma and head retention for an optimal beer drinking experience. + A versatile barware essential crafted for craft beer enthusiasts. + price: 57.99 + image: 10d35bdd-fe3d-4d23-99de-68bf1e24bcff.jpg + where_visible: UI +- id: 9fb8bc6c-6d09-400a-aa51-64d2c523b9b7 + current_stock: 12 + name: Elevate Your Brew with This Elegant Beer Glass + category: housewares + style: kitchen + description: This elegant 16oz beer glass is crafted from clear glass to appreciate + your brew's color and carbonation. Its tapered shape enhances aroma and head retention + for an optimal beer drinking experience. Elevate your home bar with this versatile + glassware, perfect for craft beers, ciders, and carbonated drinks. + price: 73.99 + image: 9fb8bc6c-6d09-400a-aa51-64d2c523b9b7.jpg + where_visible: UI + promoted: true +- id: ea8abbc7-cc37-45df-b0f6-03961761c823 + current_stock: 14 + name: Sleek Beer Glass for Sophisticated Taste + category: housewares + style: kitchen + description: Elevate your home bar with this elegantly crafted 16oz beer glass that + perfectly showcases the color, aroma, and taste of your favorite brews. An essential + for beer lovers seeking an optimal drinking experience. + price: 65.99 + image: ea8abbc7-cc37-45df-b0f6-03961761c823.jpg + where_visible: UI +- id: 540e414d-c279-45c2-bde6-4a731e7c54c7 + current_stock: 18 + name: Elevate Your Brew Beer Glass + category: housewares + style: kitchen + description: Presenting the perfect beer glass to elevate your brew! This sleek + 16oz glass enhances aroma and flavor for the optimal beer drinking experience. + Durable, versatile design great for casual nights in or entertaining. The perfect + addition to any home bar. + price: 52.99 + image: 540e414d-c279-45c2-bde6-4a731e7c54c7.jpg + where_visible: UI + promoted: true +- id: ee7b59b1-4621-45a5-9a47-7fc9f74719a5 + current_stock: 17 + name: Stylish Cocktail Glass for Elegant Drinks + category: housewares + style: kitchen + description: This elegant cocktail glass adds sophistication to any home bar. Its + sleek, curved shape shows off colorful cocktails while the slender stem allows + for graceful holding. An essential and stylish barware item for serving crafted + drinks with clarity and balance. + price: 71.99 + image: ee7b59b1-4621-45a5-9a47-7fc9f74719a5.jpg + where_visible: UI +- id: dfd7c361-dc70-4bb4-9c05-e6357ecabc49 + current_stock: 18 + name: Sleek Cocktail Glass Elevates Drinks + category: housewares + style: kitchen + description: This elegant cocktail glass adds a touch of sophisticated style to + your home bar. Expertly crafted from fine glassware, it's designed to perfectly + showcase cocktails and spirits. The delicate stem and bowl elevate the experience + of sipping sophisticated libations. + price: 75.99 + image: dfd7c361-dc70-4bb4-9c05-e6357ecabc49.jpg + where_visible: UI +- id: 8b892d2c-4b84-410f-a053-086eb46eb5f8 + current_stock: 14 + name: Stylish Cocktail Glasses for Mixology + category: housewares + style: kitchen + description: This elegant stemmed cocktail glass elevates cocktails with its timeless + style. The clear glass construction shows off drink colors while the shapely bowl + gives cocktails room to breathe. A refined addition to your barware collection. + price: 59.99 + image: 8b892d2c-4b84-410f-a053-086eb46eb5f8.jpg + where_visible: UI +- id: c6d27512-52c2-4921-bd85-90a0ea2e2f33 + current_stock: 11 + name: Stylish Cocktail Glass for Creative Mixology + category: housewares + style: kitchen + description: Elevate your home bar with this elegant crystal cocktail glass, perfect + for sipping creative cocktails. Its delicate yet durable construction and graceful + shape aerate cocktails to bring out aromas and flavors for an exceptional drinking + experience. + price: 71.99 + image: c6d27512-52c2-4921-bd85-90a0ea2e2f33.jpg + where_visible: UI + promoted: true +- id: 89fbf7f1-0656-44eb-ba76-ecde10e834b9 + current_stock: 15 + name: Sleek Crystal Cocktail Glasses + category: housewares + style: kitchen + description: Presenting the Elegant Crystal Cocktail Glass - a sleek and sophisticated + addition to your barware. Expertly crafted from fine crystal with a slender stem + and bowl, it elevates any cocktail hour. A truly versatile piece for serving martinis + in refined style. + price: 64.99 + image: 89fbf7f1-0656-44eb-ba76-ecde10e834b9.jpg + where_visible: UI + promoted: true +- id: 516dc1f4-0c1f-4b53-8146-66314e3a35ee + current_stock: 16 + name: Sparkling Cocktail Glass Elevates Drink Hour + category: housewares + style: kitchen + description: Presenting the exquisite crystal cocktail glass that adds elegance + to your bar. With its timeless style and sparkling brilliance, it elevates any + cocktail hour. The perfect gift for the sophisticated host. + price: 68.99 + image: 516dc1f4-0c1f-4b53-8146-66314e3a35ee.jpg + where_visible: UI +- id: 1689f5d9-8691-4738-9324-c468d62795f6 + current_stock: 6 + name: Stylish Crystal Cocktail Glass + category: housewares + style: kitchen + description: Presenting the elegant Cocktail Glass. This crystal stemware sparkles + brilliantly, perfect for elevating cocktail hour. Savor your favorite spirits + in style with its graceful slim profile and angled bowl. A sophisticated addition + to any barware collection. + price: 71.99 + image: 1689f5d9-8691-4738-9324-c468d62795f6.jpg + where_visible: UI +- id: cd5d176c-06df-4a55-953b-b73e9e2f5300 + current_stock: 14 + name: Elegant Cocktail Glassware for Sophisticated Drinks + category: housewares + style: kitchen + description: Present elegance and sophistication with our finely crafted Cocktail + Glass. Its flawless clarity and thin rim optimize aroma and flavor, while the + delicate stem allows you to gracefully cradle creations. Elevate your cocktail + experience with timeless design. + price: 54.99 + image: cd5d176c-06df-4a55-953b-b73e9e2f5300.jpg + where_visible: UI +- id: 36b48063-8713-414b-b09c-f077c47e109e + current_stock: 19 + name: Elegant Cocktail Glass for Crafting Sophisticated Drinks + category: housewares + style: kitchen + description: Sleek, elegant cocktail glass crafted from fine glass elevates mixology + and adds sophistication to your barware collection. The tapered bowl concentrates + aromas while the flared rim allows for easy sipping of creative cocktails and + chilled drinks. + price: 65.99 + image: 36b48063-8713-414b-b09c-f077c47e109e.jpg + where_visible: UI +- id: f8e5aca7-17a9-49ca-afb1-19d637e90cd8 + current_stock: 19 + name: Stylish Crystal Cocktail Glass + category: housewares + style: kitchen + description: Elevate your home bar with this elegant crystal cocktail glass. Its + delicate yet durable construction is perfect for mixing and serving creative cocktails + and chilled drinks. Craft the perfect martini in style with this sophisticated + glassware. + price: 75.99 + image: f8e5aca7-17a9-49ca-afb1-19d637e90cd8.jpg + where_visible: UI +- id: c4ad80c9-9cb6-4944-be19-d53e48ad5029 + current_stock: 9 + name: Sleek Stemware Elevates Cocktails + category: housewares + style: kitchen + description: This elegant stemware cocktail glass elevates any drink with its timeless, + sleek design. Crafted from quality glass in a classic martini shape, it's the + perfect vessel for serving cocktails and spirits. A must-have for the sophisticated + home bar. + price: 75.99 + image: c4ad80c9-9cb6-4944-be19-d53e48ad5029.jpg + where_visible: UI +- id: c24f3888-fdf7-44d6-bf3e-26ae57cba8b9 + current_stock: 8 + name: Stemmed Elegance for Crafted Cocktails + category: housewares + style: kitchen + description: Presenting the elegant 8oz Cocktail Glass for crafting and sipping + sophisticated drinks. Its timeless curved shape with slender stem adds refined + style to any bar. + price: 55.99 + image: c24f3888-fdf7-44d6-bf3e-26ae57cba8b9.jpg + where_visible: UI + promoted: true +- id: 5c3eba68-83aa-4274-b4e6-296ffb35676a + current_stock: 16 + name: Sleek Cocktail Glass for Sophisticated Drinks + category: housewares + style: kitchen + description: Presenting the elegant crystal cocktail glass for crafting creative + drinks. Its timeless inverted cone shape with delicate stem allows you to gracefully + cradle your cocktail creations and enhances the presentation of shaken or stirred + martinis, Manhattans, and more. Sophisticate your home bar with this exquisite + and versatile glassware. + price: 60.99 + image: 5c3eba68-83aa-4274-b4e6-296ffb35676a.jpg + where_visible: UI +- id: 99fd8361-63eb-4c77-8307-630bd6046fa7 + current_stock: 13 + name: Elevate cocktail hour with elegant crystal glassware. + category: housewares + style: kitchen + description: Presenting the elegantly crafted cocktail glass that elevates any home + bar. With its fine crystal design sparkling under light, wide bowl for cocktail + creation, and slim, graceful profile, this versatile glass is perfect for serving + martinis, Manhattans, and signature drinks in exquisite style. + price: 57.99 + image: 99fd8361-63eb-4c77-8307-630bd6046fa7.jpg + where_visible: UI +- id: 72fc1056-4862-463b-ae42-f703ff421879 + current_stock: 17 + name: Stylish Cocktail Glass for Crafting Drinks + category: housewares + style: kitchen + description: Introducing the elegant Cocktail Glass, perfect for crafting and serving + stylish drinks. With its generous 8oz bowl tapering into a slender stem, this + versatile glass adds sophistication to any bar. Craft cocktails with ease and + entertain with sophistication. + price: 63.99 + image: 72fc1056-4862-463b-ae42-f703ff421879.jpg + where_visible: UI + promoted: true +- id: e5f9478b-9d05-450f-b5da-2b525c7f843b + current_stock: 12 + name: Sleek Cocktail Glass for Elegant Drinks + category: housewares + style: kitchen + description: Presenting the Elegant Cocktail Glass - a sophisticated and durable + crystal glass perfect for serving creative cocktails and chilled drinks. Its graceful + silhouette displays mixed drinks beautifully while allowing aromas to open up. + An elevated essential for the home mixologist. + price: 55.99 + image: e5f9478b-9d05-450f-b5da-2b525c7f843b.jpg + where_visible: UI + promoted: true +- id: d6c66a35-d63a-455e-a26e-62a72d1db254 + current_stock: 14 + name: Sleek Glassware for Stylish Dining + category: housewares + style: kitchen + description: The Everyday Elegant Glassware Set brings sophistication and durability + to your tabletop. Shatter-resistant glasses in a variety of shapes suit all drinking + needs, from cocktails to water. Sleek, modern design adds elegance for casual + or formal dining. + price: 65.99 + image: d6c66a35-d63a-455e-a26e-62a72d1db254.jpg + where_visible: UI +- id: 510a7e24-88e0-4581-aeb4-a49022da37ce + current_stock: 13 + name: Durable Glassware for Everyday Style + category: housewares + style: kitchen + description: With a sleek, modern design and lightweight yet durable construction, + this versatile glassware set provides exceptional quality and versatility for + everyday use - the perfect choice for any home chef. + price: 63.99 + image: 510a7e24-88e0-4581-aeb4-a49022da37ce.jpg + where_visible: UI +- id: d09c5232-bdcb-478c-a181-126a0d618720 + current_stock: 15 + name: Stylish Glassware for Everyday Dining + category: housewares + style: kitchen + description: "Elevate everyday dining with our versatile soda-lime glassware set.\ + \ Durable and sleek glasses and mugs for all your beverages, dishes, and d\xE9\ + cor needs. Quality craftsmanship meets timeless style." + price: 63.99 + image: d09c5232-bdcb-478c-a181-126a0d618720.jpg + where_visible: UI +- id: cacb5fe5-f77f-4bd8-979c-8eec17cb3255 + current_stock: 13 + name: Sleek Glassware Elevates Everyday Dining + category: housewares + style: kitchen + description: Elevate your tabletop with this shatter-resistant Everyday Glassware + Set featuring sleek, modern designs for casual and formal dining. Durable glasses + built for daily use that add sophisticated style to any kitchen. + price: 58.99 + image: cacb5fe5-f77f-4bd8-979c-8eec17cb3255.jpg + where_visible: UI +- id: 1daacea7-7d46-464a-8326-ed81951fecab + current_stock: 19 + name: Stylish Versatile Glassware for Daily Use + category: housewares + style: kitchen + description: This durable and versatile glassware set includes tumblers, wine glasses, + and pint glasses crafted from high-quality materials for long-lasting daily use. + Stylishly designed for any occasion, this essential glassware collection aims + to be the ultimate for unbeatable everyday use. + price: 65.99 + image: 1daacea7-7d46-464a-8326-ed81951fecab.jpg + where_visible: UI +- id: 99c03934-ef53-4711-b5a6-72b2466d8aae + current_stock: 9 + name: Durable Glassware for Stylish Living + category: housewares + style: kitchen + description: With sleek, modern design, this elegant yet durable glassware set adds + sophistication and resilience to any kitchen. The versatile set is crafted from + quality materials for daily use and features glassware for all your drinking needs. + price: 60.99 + image: 99c03934-ef53-4711-b5a6-72b2466d8aae.jpg + where_visible: UI +- id: 7d12f793-892d-46f8-bd2d-8f951db0a9d1 + current_stock: 6 + name: Stylish Crystal Wine Glass + category: housewares + style: kitchen + description: Presenting the elegant Elegant Crystal Wine Glass. This sleek, curved + crystal glass elevates wine drinking with its delicate stem and generous bowl. + Crafted for sophistication and appreciation of wine's complex flavors. A refined + addition to any barware collection. + price: 65.99 + image: 7d12f793-892d-46f8-bd2d-8f951db0a9d1.jpg + where_visible: UI +- id: 3d23fa73-8487-4261-ae29-1730ccd6210c + current_stock: 6 + name: Elevate Your Wine + category: housewares + style: kitchen + description: This exquisite crystal wine glass elevates any occasion with its delicate + yet durable construction. Savor your favorite vintage as it's meant to be enjoyed + - its tapered bowl aerates while the slender stem maintains optimal temperature. + An elegant addition to your table. + price: 64.99 + image: 3d23fa73-8487-4261-ae29-1730ccd6210c.jpg + where_visible: UI +- id: 5d28d7a1-4a71-4db3-9ec3-754c2b0b5d99 + current_stock: 9 + name: Elegant Crystal Wine Glasses + category: housewares + style: kitchen + description: Presenting the Elegant Crystal Wine Glass - a refined and sophisticated + addition to your tableware. Expertly crafted from fine crystal, its delicate yet + durable form elevates the wine drinking experience. Stylish, versatile glassware + to savor your favorite vintages. + price: 60.99 + image: 5d28d7a1-4a71-4db3-9ec3-754c2b0b5d99.jpg + where_visible: UI + promoted: true +- id: 9a34152c-8be3-43f6-869f-6829a699c638 + current_stock: 8 + name: Sparkling Crystal Wine Glasses + category: housewares + style: kitchen + description: With intricate patterns and delicate silhouette, our elegant crystal + wine glass elevates your table and dining experience. Perfect for entertaining + or everyday use, it swirls and appreciates your favorite vintages with sophistication. + price: 62.99 + image: 9a34152c-8be3-43f6-869f-6829a699c638.jpg + where_visible: UI + promoted: true +- id: e12f1459-432c-4091-8a7b-cccad4075cc3 + current_stock: 18 + name: Elevate Your Wine Tasting + category: housewares + style: kitchen + description: Expertly crafted from fine crystal, our exclusive elegant wine glass + elevates tabletops with its delicate stem and graceful tulip-shaped bowl that + enhances the hue, aroma, and bouquet of both red and white varietals. + price: 74.99 + image: e12f1459-432c-4091-8a7b-cccad4075cc3.jpg + where_visible: UI + promoted: true +- id: d75463f1-d125-4229-835c-041119512149 + current_stock: 9 + name: Elegant Crystal Wine Glass + category: housewares + style: kitchen + description: Presenting the elegant Wine Glass. Crafted from fine crystal with a + delicate stem and bowl to elevate your dining and accentuate the bouquet of your + favorite wines. An essential addition to any kitchen for sophisticated sipping. + price: 58.99 + image: d75463f1-d125-4229-835c-041119512149.jpg + where_visible: UI +- id: 9ea37ad0-83fb-4b65-90aa-ccbda392b39d + current_stock: 14 + name: Slim Elegance for Wine Lovers + category: housewares + style: kitchen + description: Presenting the Elegant Stemmed Wine Glass - a gracefully tapered work + of art for elevating every sip. Its delicate bowl optimizes aroma while the slim + profile prevents premature warming. An elegant essential for all wine lovers. + price: 67.99 + image: 9ea37ad0-83fb-4b65-90aa-ccbda392b39d.jpg + where_visible: UI + promoted: true +- id: 1def0093-96b2-4cc4-a022-071941f75b92 + current_stock: 15 + name: Sip in Style with Crystal Wine Glass + category: housewares + style: kitchen + description: Presenting the Elegant Crystal Wine Glass - a touch of sophistication + for your kitchen. This fine crystal glass elevates every dining experience with + its delicate bowl and graceful stem, perfect for swirling and sipping wine. Appreciate + color and aroma in luxury. + price: 58.99 + image: 1def0093-96b2-4cc4-a022-071941f75b92.jpg + where_visible: UI +- id: ccdf737c-c4fd-4c78-abd2-d5ef0428ef20 + current_stock: 8 + name: Sparkling Crystal Wine Glass + category: housewares + style: kitchen + description: This elegantly crafted crystal wine glass elevates every sip with its + graceful stem and delicate bowl. Perfect for swirling and savoring red or white + wine, its brilliant clarity enhances aroma and color. A sophisticated accent to + any table. + price: 56.99 + image: ccdf737c-c4fd-4c78-abd2-d5ef0428ef20.jpg + where_visible: UI + promoted: true +- id: 6be08307-1ec0-44dc-b436-5d489a8010e8 + current_stock: 14 + name: Elegant Crystal Wine Glasses + category: housewares + style: kitchen + description: Presenting the Elegant Crystal Wine Glass - a graceful and brilliant + addition to your barware collection. Expertly crafted from fine crystal with a + generous 12oz capacity to perfectly complement your favorite red or white wines. + An elegant way to elevate your next dinner party. + price: 57.99 + image: 6be08307-1ec0-44dc-b436-5d489a8010e8.jpg + where_visible: UI +- id: 6d488475-1d67-4076-96b1-8e706709a847 + current_stock: 6 + name: Fast Boil Kettle with Safety + category: housewares + style: kitchen + description: Sleek modern kettle boils water lightning fast with automatic shut-off + for safety. Durable stainless steel design with stay-cool handle allows cordless + pouring. The essential kitchen appliance for quickly preparing tea, coffee, meals + and more. + price: 75.99 + image: 6d488475-1d67-4076-96b1-8e706709a847.jpg + where_visible: UI + promoted: true +- id: 247aedf8-bd1c-40fb-8d16-518e9d6f6813 + current_stock: 13 + name: Sleek Kettle Boils Fast for Tea + category: housewares + style: kitchen + description: Sleek and modern electric kettle with fast heating element, 360 degree + rotational base, and auto shut-off. Boils up to 1.7 liters quickly for making + multiple cups of tea or coffee. Stylish and versatile addition to any kitchen. + price: 50.99 + image: 247aedf8-bd1c-40fb-8d16-518e9d6f6813.jpg + where_visible: UI + promoted: true +- id: aa5be513-89e8-4518-aba0-a40c8544adbc + current_stock: 19 + name: Sleek Fast Boiling Electric Kettle + category: housewares + style: kitchen + description: Sleek and modern electric kettle boils water rapidly for tea, coffee, + meals. Durable stainless steel body stays cool, safe auto-shutoff. Convenient + cordless pouring, this essential kitchen appliance makes hot drinks easily anywhere. + price: 74.99 + image: aa5be513-89e8-4518-aba0-a40c8544adbc.jpg + where_visible: UI +- id: 520c9c1d-7f45-4eee-bba4-17460fe645c8 + current_stock: 17 + name: Fast Boiling Stainless Steel Kettle + category: housewares + style: kitchen + description: This fast-boiling 1.7L stainless steel kettle makes preparing hot beverages + and meals a breeze. Its stylish design looks great on any countertop while the + stay-cool handle ensures safe pouring every time. Boil water quickly and safely + for the whole family with this essential kitchen appliance. + price: 51.99 + image: 520c9c1d-7f45-4eee-bba4-17460fe645c8.jpg + where_visible: UI +- id: b1a54da3-32d9-4447-9eeb-6c0fcfb75ca0 + current_stock: 8 + name: Fast Boiling Kettle with Safety Shutoff + category: housewares + style: kitchen + description: This sleek, modern kettle boils water fast and shuts off automatically + for safety. With ergonomic handle and easy-pour spout, it's the perfect addition + to any kitchen for tea, coffee, cooking, and more. Stylish and functional. + price: 72.99 + image: b1a54da3-32d9-4447-9eeb-6c0fcfb75ca0.jpg + where_visible: UI + promoted: true +- id: aebf938b-e79b-48f3-a0b2-789f6e8f99f8 + current_stock: 15 + name: Fast Boil Kettle - Pour With Ease + category: housewares + style: kitchen + description: Make hot drinks fast with our sleek and modern electric kettle. Boils + water in minutes for tea, coffee, oatmeal and more. Durable stainless steel design + with auto shut-off for safety. The perfect kitchen essential for quick hot water + on demand. + price: 53.99 + image: aebf938b-e79b-48f3-a0b2-789f6e8f99f8.jpg + where_visible: UI +- id: b947ee58-a7e7-40bf-9926-42a445f3480f + current_stock: 6 + name: Quick-Boil Sleek Kettle + category: housewares + style: kitchen + description: Sleek modern kettle boils water lightning fast for tea, coffee, meals. + Auto shutoff and compact size provide safety and convenience in a must-have kitchen + essential. + price: 57.99 + image: b947ee58-a7e7-40bf-9926-42a445f3480f.jpg + where_visible: UI +- id: 8a0dbe9a-e063-480e-8bbc-2c60f390cd13 + current_stock: 13 + name: Fast Boil Kettle With Modern Style + category: housewares + style: kitchen + description: Sleek and modern electric kettle boils water fast for tea, coffee, + and more. Durable stainless steel body with stay-cool handle provides cordless + convenience and auto shut-off for safety. Essential for any kitchen. + price: 75.99 + image: 8a0dbe9a-e063-480e-8bbc-2c60f390cd13.jpg + where_visible: UI + promoted: true +- id: 9d5f948a-713b-40c8-a1f8-2a289dcada5b + current_stock: 15 + name: Fast Boil Stainless Steel Kettle + category: housewares + style: kitchen + description: Sleek and modern electric kettle boils water fast for tea, coffee, + meals. Durable stainless steel with stay-cool handle. Auto shut-off and cordless + for safety and convenience. Stylish addition to any kitchen. + price: 63.99 + image: 9d5f948a-713b-40c8-a1f8-2a289dcada5b.jpg + where_visible: UI +- id: ac2efa98-dac2-41f8-8706-d41de95a0c33 + current_stock: 18 + name: Sleek Fast-Boiling Kettle for Tea and Coffee + category: housewares + style: kitchen + description: Sleek and modern fast-boiling kettle with durable stainless steel construction. + Boils water rapidly for tea, coffee, meals. Safe, convenient cordless pouring + and automatic shut-off. An essential kitchen tool for all your hot beverage needs. + price: 51.99 + image: ac2efa98-dac2-41f8-8706-d41de95a0c33.jpg + where_visible: UI +- id: 26bb732f-9159-432f-91ef-bad14fedd298 + current_stock: 17 + name: Fast Boil Kettle with Cool Handle + category: housewares + style: kitchen + description: Sleek stainless steel kettle boils water fast with spacious 1.7L capacity. + Stay-cool handle ensures safe pouring from the wide spout. An essential for quick + hot drinks and meals. + price: 58.99 + image: 26bb732f-9159-432f-91ef-bad14fedd298.jpg + where_visible: UI +- id: 62ad078f-32f6-4ae2-8490-14518489b05b + current_stock: 14 + name: Fast Electric Water Boiler + category: housewares + style: kitchen + description: The Versatile Stainless Steel Kettle by Kitchen Essentials boils water + quickly and safely. With variable temperature control, keep-warm function, and + auto shut-off, it's the perfect modern addition to brew tea, coffee, oatmeal and + more. Reliable, convenient, versatile. + price: 68.99 + image: 62ad078f-32f6-4ae2-8490-14518489b05b.jpg + where_visible: UI +- id: 68e865bc-3db7-4f5d-86e3-8e7a651cf0b7 + current_stock: 7 + name: Quick-Boil Kettle with Safety Shutoff + category: housewares + style: kitchen + description: This fast-boiling 1.7L kettle with safety auto shut-off allows you + to quickly prepare hot beverages for the whole family. Its sleek stainless steel + design seamlessly blends with any kitchen decor. + price: 72.99 + image: 68e865bc-3db7-4f5d-86e3-8e7a651cf0b7.jpg + where_visible: UI +- id: f3e1ad7a-6dba-4533-ab0d-4090783e1dc9 + current_stock: 13 + name: Fast Boil Cordless Kettle + category: housewares + style: kitchen + description: Make mornings brighter with our fast-boiling, easy-pour kettle! Its + stainless steel design looks sleek in any kitchen. One-touch operation and auto + shut-off provide effortless hot water for tea, coffee, oatmeal, and more. The + stay-cool handle ensures safe serving every time. + price: 59.99 + image: f3e1ad7a-6dba-4533-ab0d-4090783e1dc9.jpg + where_visible: UI +- id: 99c88141-7b7c-403b-b8eb-5dd5e8efd4a4 + current_stock: 17 + name: Sleek Cordless Kettle Boils Fast + category: housewares + style: kitchen + description: Quickly boil water for tea, coffee, meals and more with this fast heating, + cordless stainless steel kettle. Its sleek modern design and one-touch operation + makes it an essential houseware to streamline cooking and simplify your kitchen + routine. + price: 59.99 + image: 99c88141-7b7c-403b-b8eb-5dd5e8efd4a4.jpg + where_visible: UI +- id: f7682a3c-fd50-4225-8bb7-3b82d815c37a + current_stock: 15 + name: Fast Boil Kettle - Modern Design + category: housewares + style: kitchen + description: Make hot drinks in a flash with our fast-boiling kettle. Its sleek, + modern design looks great in any kitchen while the durable stainless steel body + quickly heats water for tea, coffee, meals and more. Just fill, press and go for + convenient cordless boiling! + price: 52.99 + image: f7682a3c-fd50-4225-8bb7-3b82d815c37a.jpg + where_visible: UI +- id: 95d8bb83-f344-47f8-b89b-c7ab3f591385 + current_stock: 7 + name: Slicing Made Simple + category: housewares + style: kitchen + description: Presenting the essential Serrated Bread Knife for effortless slicing. + Its scalloped blade gently glides through crusty loaves without tearing. An ergonomic + handle provides control for uniform slices. This high-quality knife is a must + for any home baker. + price: 51.99 + image: 95d8bb83-f344-47f8-b89b-c7ab3f591385.jpg + where_visible: UI + promoted: true +- id: 00740ca5-372b-4e72-a040-8eacde2ecf4f + current_stock: 11 + name: Spread Joy Knife + category: housewares + style: kitchen + description: Spread joy on every slice with our essential Butter Knife. Specifically + designed for smooth, even spreading without ripping breads or pastries, this versatile + kitchen tool makes every bite better. A must-have for bakers and home cooks alike. + price: 68.99 + image: 00740ca5-372b-4e72-a040-8eacde2ecf4f.jpg + where_visible: UI +- id: eb8f10ab-1317-4a11-b058-b2098bb64326 + current_stock: 7 + name: Sharp Chef's Knife for Effortless Chopping + category: housewares + style: kitchen + description: This versatile Chef's Knife is an essential kitchen tool for chopping, + slicing, and dicing ingredients with precision. Its sharp stainless steel blade + and ergonomic handle provide superior performance and control for fast, effortless + food prep. A must-have addition to any well-equipped kitchen. + price: 55.99 + image: eb8f10ab-1317-4a11-b058-b2098bb64326.jpg + where_visible: UI + promoted: true +- id: 912fb371-de19-4753-b43a-87bf4b18bac2 + current_stock: 13 + name: Slicing Perfection Chef's Knife + category: housewares + style: kitchen + description: Our professional chef's knife delivers precise chopping, slicing, and + dicing with its razor-sharp stainless steel blade. Its ergonomic handle provides + comfort and control for efficient meal prep every time. + price: 51.99 + image: 912fb371-de19-4753-b43a-87bf4b18bac2.jpg + where_visible: UI +- id: cfafd627-7d6b-43a5-be05-4c7937be417d + current_stock: 9 + name: Sharp Slicer Knife for Chopping + category: housewares + style: kitchen + description: Expertly crafted for precision, this versatile Chef's Knife features + a durable stainless steel blade perfect for chopping, slicing, and dicing. An + essential tool for any home cook. + price: 57.99 + image: cfafd627-7d6b-43a5-be05-4c7937be417d.jpg + where_visible: UI +- id: 1f7340f0-805d-4ba9-a0e4-76d392eab5a1 + current_stock: 16 + name: Sharp Stainless Steel Chef's Knife + category: housewares + style: kitchen + description: This essential Chef's Knife features a sturdy stainless steel blade + perfect for precise chopping, slicing, and dicing. Its ergonomic triple-riveted + handle provides a comfortable, slip-resistant grip for complete control. This + high-quality, versatile knife is a must-have addition to any home cook's kitchen. + price: 65.99 + image: 1f7340f0-805d-4ba9-a0e4-76d392eab5a1.jpg + where_visible: UI +- id: 323ca3fe-7849-490a-933d-e742866a2843 + current_stock: 19 + name: Sharp Stainless Steel Chef's Knife + category: housewares + style: kitchen + description: The Chef's Knife is an essential tool for every kitchen. Its razor-sharp + stainless steel blade effortlessly chops, slices, and dices ingredients. The ergonomic + handle provides a comfortable, secure grip. This versatile, durable knife will + be your go-to for food prep. + price: 65.99 + image: 323ca3fe-7849-490a-933d-e742866a2843.jpg + where_visible: UI + promoted: true +- id: 6edbdde6-0791-4a53-ae92-b8aaba88753d + current_stock: 8 + name: Sharp Cutlery for Kitchen Mastery + category: housewares + style: kitchen + description: Expertly crafted 8" chef's knife with razor-sharp stainless steel blade + for precise chopping and dicing. Ergonomic triple-riveted handle provides superior + control and comfort for all your food prep needs. + price: 72.99 + image: 6edbdde6-0791-4a53-ae92-b8aaba88753d.jpg + where_visible: UI +- id: 6bc1b72f-b776-41a0-9f4c-a258cf8e072d + current_stock: 17 + name: Versatile Nonstick Pan for Easy Cooking + category: housewares + style: kitchen + description: "This versatile nonstick pan is a kitchen essential for everyday cooking.\ + \ With a sturdy, stay-cool handle and durable nonstick surface, it allows you\ + \ to fry, saut\xE9, and more with ease. Sleek styling adds elegance to your stovetop." + price: 75.99 + image: 6bc1b72f-b776-41a0-9f4c-a258cf8e072d.jpg + where_visible: UI +- id: e06b386a-6dcb-43bd-8c02-d931f3811e40 + current_stock: 6 + name: Versatile Pan, The Kitchen MVP + category: housewares + style: kitchen + description: "This versatile pan is a kitchen essential for everyday cooking. Its\ + \ durable construction and ideal shape cook foods evenly while the timeless design\ + \ elevates any culinary repertoire. Fry, saut\xE9, simmer - this quality pan does\ + \ it all." + price: 63.99 + image: e06b386a-6dcb-43bd-8c02-d931f3811e40.jpg + where_visible: UI +- id: 4c6701ee-45a1-4f80-9481-bc598aa7e540 + current_stock: 9 + name: Sleek Versatile Kitchen Pan for Any Task + category: housewares + style: kitchen + description: Expertly crafted for any culinary task, this versatile pan fries, sautes, + and more with sleek style. Its quality design and materials make cooking easier + and elevate your kitchen's aesthetics. + price: 52.99 + image: 4c6701ee-45a1-4f80-9481-bc598aa7e540.jpg + where_visible: UI +- id: de81e406-4fee-4934-9274-31b8b4acf002 + current_stock: 11 + name: Vibrant Blue Plates Pop Kitchen Color + category: housewares + style: kitchen + description: Presenting the Vibrant Blue Porcelain Plates - these eye-catching cobalt + blue plates crafted from durable porcelain add a pop of color and vibrancy to + any kitchen. Expertly made to showcase culinary creations at the dining table. + A versatile must-have for any home. + price: 72.99 + image: de81e406-4fee-4934-9274-31b8b4acf002.jpg + where_visible: UI + promoted: true +- id: fadef46c-2b03-470d-97a3-c751f8075ec0 + current_stock: 18 + name: Stylish Blue Porcelain Dinner Plates + category: housewares + style: kitchen + description: Presenting the Blue Porcelain Dinner Plates - an exquisite set of durable, + chip-resistant porcelain plates in a stunning ocean blue hue. These modern, sleek + plates are perfect for both casual family meals and formal dinner parties. Elevate + your dining experience with these vibrant and versatile plates today. + price: 58.99 + image: fadef46c-2b03-470d-97a3-c751f8075ec0.jpg + where_visible: UI +- id: 072ded32-2903-4f35-9f28-d6284c5f5605 + current_stock: 17 + name: Elegant Charger Plates - Dress Up Your Table + category: housewares + style: kitchen + description: Make a stylish statement at your next dinner party with these elegant + charger plates. Crafted from durable materials in a versatile neutral palette, + they effortlessly complement any table setting while protecting surfaces and elevating + presentation. The perfect kitchen accent for both special occasions and everyday + meals. + price: 61.99 + image: 072ded32-2903-4f35-9f28-d6284c5f5605.jpg + where_visible: UI +- id: a5095e59-60e0-40cc-8a0d-d2caaac18cb2 + current_stock: 9 + name: Vibrant Floral Porcelain Dinnerware + category: housewares + style: kitchen + description: Introducing the Floral Design Porcelain Dinnerware Set, a beautifully + intricate collection of durable porcelain plates perfect for elevating everyday + meals and impressing guests. Painterly floral motifs circle the rims in a sophisticated + mix of hues against a clean white background. An elegant yet versatile addition + to any kitchen. + price: 52.99 + image: a5095e59-60e0-40cc-8a0d-d2caaac18cb2.jpg + where_visible: UI + promoted: true +- id: 6d164b55-f618-46af-a149-98818139fcd2 + current_stock: 11 + name: Vibrant Floral Porcelain Plates + category: housewares + style: kitchen + description: Brighten up your table with these floral porcelain plates. Durable + porcelain features unique floral patterns to complement any meal or occasion. + An elegant addition to your kitchen. + price: 60.99 + image: 6d164b55-f618-46af-a149-98818139fcd2.jpg + where_visible: UI + promoted: true +- id: d5e96c12-75cc-45ca-9991-7a987ed86ad3 + current_stock: 6 + name: Vibrant Floral Porcelain Plates + category: housewares + style: kitchen + description: Presenting the Floral Porcelain Plates, featuring an elegant floral + design that brings a touch of sophistication to your table. These durable porcelain + plates are perfect for both everyday meals and special occasions. Crafted with + care for years of beauty. + price: 57.99 + image: d5e96c12-75cc-45ca-9991-7a987ed86ad3.jpg + where_visible: UI + promoted: true +- id: 5c0b070b-3bf1-4d2b-99a7-0906b90ca28f + current_stock: 9 + name: Vintage Floral Porcelain Dinner Plates + category: housewares + style: kitchen + description: Intricate floral rims encircle these elegant porcelain plates, elevating + meals with timeless beauty. Durable porcelain holds up to daily use while lending + any kitchen an air of classic sophistication. + price: 58.99 + image: 5c0b070b-3bf1-4d2b-99a7-0906b90ca28f.jpg + where_visible: UI +- id: d826bc9c-a212-49b0-b5f9-e18c631fc5db + current_stock: 10 + name: Vibrant Floral Porcelain Dinnerware + category: housewares + style: kitchen + description: Introducing our elegant Floral Porcelain Dinner Plates. These beautifully + crafted plates feature intricate floral designs that add a touch of sophisticated + charm to any table. Made from durable porcelain in soft pastels, these versatile + 10.5" plates are perfect for both everyday meals and special occasions. Elevate + your dining experience with these visually delightful plates today. + price: 56.99 + image: d826bc9c-a212-49b0-b5f9-e18c631fc5db.jpg + where_visible: UI +- id: 3bb4e8f3-b4c3-41f6-bed3-be9e814f9da5 + current_stock: 7 + name: Sleek Gray Stoneware Dinner Plates + category: housewares + style: kitchen + description: Gray stoneware dinner plates. Durable, easy-clean glazed finish plates + complement any kitchen decor. Versatile modern design for everyday meals or special + occasions. + price: 69.99 + image: 3bb4e8f3-b4c3-41f6-bed3-be9e814f9da5.jpg + where_visible: UI +- id: a305fb28-5093-43c2-8c34-682f5520c132 + current_stock: 12 + name: Sleek Stoneware Plates for Everyday Elegance + category: housewares + style: kitchen + description: Sleek gray stoneware dinner plates offer elegant, sophisticated style + for modern kitchens. Durable glazed finish resists chipping and stains. Versatile + classic shape complements any decor. Built to last through daily use and dishwasher + cleaning. + price: 67.99 + image: a305fb28-5093-43c2-8c34-682f5520c132.jpg + where_visible: UI +- id: 7684731e-eca7-4679-8425-ba8ffe0aa057 + current_stock: 13 + name: Sleek Gray Kitchen Plates for Daily Meals + category: housewares + style: kitchen + description: With a sleek gray finish, these versatile plates are built to last + and designed to impress. Sturdy yet lightweight, they effortlessly complement + any kitchen aesthetic for daily family meals or elegant dinner parties. + price: 53.99 + image: 7684731e-eca7-4679-8425-ba8ffe0aa057.jpg + where_visible: UI +- id: a8bddfa0-6f9d-4d7e-9265-23f511f48016 + current_stock: 17 + name: Sleek Gray Stoneware Dinner Plates + category: housewares + style: kitchen + description: These durable gray stoneware dinner plates offer a versatile, classic + style to elevate any kitchen table. Their neutral hue coordinates beautifully + while the quality craftsmanship provides long-lasting performance. + price: 60.99 + image: a8bddfa0-6f9d-4d7e-9265-23f511f48016.jpg + where_visible: UI +- id: cecc2045-5c45-4c72-97df-2378071abf73 + current_stock: 14 + name: Sleek Gray Stoneware Dinner Plates + category: housewares + style: kitchen + description: Presenting the versatile Gray Stoneware Dinner Plates. With a subtle + gray tone and durable stoneware design, these classic plates complement any kitchen + aesthetic. The perfect plates for daily meals or special gatherings. Sophisticated + style meets exceptional quality. + price: 71.99 + image: cecc2045-5c45-4c72-97df-2378071abf73.jpg + where_visible: UI + promoted: true +- id: ac42df7e-55a3-46b5-b64e-b7de51e4f33b + current_stock: 17 + name: Stylish Porcelain Dinner Plates + category: housewares + style: kitchen + description: Present a refined dinnerware set. These elegant porcelain plates offer + versatile styling for everyday meals or special occasions. Their durable white + glaze resists chipping for long-lasting beauty. Elevate your tabletop with simple + sophistication. + price: 67.99 + image: ac42df7e-55a3-46b5-b64e-b7de51e4f33b.jpg + where_visible: UI +- id: a1d6e3b7-d35b-4781-af76-f05d41108a12 + current_stock: 19 + name: Stylish White Porcelain Dinnerware + category: housewares + style: kitchen + description: White porcelain dinner plates with timeless elegance for everyday meals + or special occasions. Durable, chip-resistant finish keeps food looking fresh. + Essential for serving meals in style. + price: 74.99 + image: a1d6e3b7-d35b-4781-af76-f05d41108a12.jpg + where_visible: UI +- id: 0e20e3c5-5a55-4aec-bea3-ad654c6aef5f + current_stock: 9 + name: Elegant Porcelain Dinner Plates + category: housewares + style: kitchen + description: Introducing our elegant porcelain dinner plates. With a durable, chip-resistant + finish, these versatile plates coordinate effortlessly with any decor. A refined + yet functional addition to your table. + price: 73.99 + image: 0e20e3c5-5a55-4aec-bea3-ad654c6aef5f.jpg + where_visible: UI + promoted: true +- id: 2aba4640-946f-48e2-bd43-c3ac3a70fb7c + current_stock: 8 + name: Stylish White Porcelain Dinner Plates + category: housewares + style: kitchen + description: White porcelain dinner plates with timeless round shape in bright white + glaze. Durable, versatile plates elegantly display meals and anchor tablescapes. + Oven-to-table design makes these beautiful plates as functional as they are stylish. + price: 62.99 + image: 2aba4640-946f-48e2-bd43-c3ac3a70fb7c.jpg + where_visible: UI +- id: a47d8064-2c40-408e-8aca-e27e416d22b9 + current_stock: 15 + name: Elegant White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Brighten your table with these elegant yet durable white porcelain + dinner plates. Their timeless round shape and smooth glazed finish add simple + sophistication for both everyday and special occasions. + price: 63.99 + image: a47d8064-2c40-408e-8aca-e27e416d22b9.jpg + where_visible: UI +- id: 49c8a5bf-2e7b-4072-b0cd-f8f831f84ebc + current_stock: 10 + name: Durable White Porcelain Dinner Plates + category: housewares + style: kitchen + description: White porcelain dinner plates, 10" diameter, chip-resistant glazed + finish. Versatile, elegant addition to any kitchen. Generous size and sloped sides + help prevent spills. Microwave, dishwasher, oven and freezer safe. + price: 61.99 + image: 49c8a5bf-2e7b-4072-b0cd-f8f831f84ebc.jpg + where_visible: UI +- id: 72994d99-e815-486e-9b8e-bfccbc230e4b + current_stock: 19 + name: Durable Porcelain Dinner Plates, Elegant White + category: housewares + style: kitchen + description: Crafted from durable porcelain, our classic White Dinner Plates lend + an air of refined sophistication to any tabletop with their round 10-inch shape, + bright white glaze, and versatile, elegant design. + price: 74.99 + image: 72994d99-e815-486e-9b8e-bfccbc230e4b.jpg + where_visible: UI +- id: d537d92a-23fe-4673-a697-795652ff10c8 + current_stock: 19 + name: Stylish White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Elegant white porcelain dinner plates offer versatile, durable style + for daily meals or special occasions. Classic round shape with smooth glazed finish + cleans easily and withstands rigorous use. Perfect for setting a beautiful table + every day. + price: 73.99 + image: d537d92a-23fe-4673-a697-795652ff10c8.jpg + where_visible: UI +- id: 3617c8ed-c344-4d20-a40b-10ba04f26d2c + current_stock: 6 + name: Elegant White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Crafted from durable porcelain with subtle detailing, these elegant + yet versatile white plates effortlessly complement any decor. Their brilliant + white sheen withstands daily use while their high-quality construction maintains + timeless style. + price: 61.99 + image: 3617c8ed-c344-4d20-a40b-10ba04f26d2c.jpg + where_visible: UI +- id: 1d584a1e-5523-4af1-b9ef-9708bed8da39 + current_stock: 14 + name: Elegant White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Brighten your table with these elegant white porcelain dinner plates. + Their timeless round shape and smooth glazed finish add simple sophistication + for both everyday and special occasions. + price: 57.99 + image: 1d584a1e-5523-4af1-b9ef-9708bed8da39.jpg + where_visible: UI +- id: d213463b-d3db-47bb-8258-31bb33fbea33 + current_stock: 12 + name: Sleek White Porcelain Dinner Plates + category: housewares + style: kitchen + description: White porcelain dinner plates with classic round shape, bright white + color, and smooth glazed finish. Versatile, elegant addition to any kitchen. Generous + 10" diameter provides ample room and sloped sides prevent spills. + price: 55.99 + image: d213463b-d3db-47bb-8258-31bb33fbea33.jpg + where_visible: UI +- id: 7bb6d3ff-19e3-4bf7-9b8a-71dd0d19cde3 + current_stock: 8 + name: Stylish White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Brighten up your table with our elegant white porcelain dinner plates. + Durable and versatile, these classic plates coordinate with any decor for stylish + everyday dining and special occasions. + price: 51.99 + image: 7bb6d3ff-19e3-4bf7-9b8a-71dd0d19cde3.jpg + where_visible: UI +- id: 3c9976f4-b16d-4a09-b4e9-4f33da92a7e7 + current_stock: 9 + name: Elegant Porcelain Dinner Plates + category: housewares + style: kitchen + description: Presenting our elegant White Porcelain Dinner Plates. Crafted from + durable porcelain with a smooth glazed finish, these versatile plates add simple + sophistication to any tabletop. The timeless round shape effortlessly coordinates + with existing dinnerware for a cohesive look. + price: 60.99 + image: 3c9976f4-b16d-4a09-b4e9-4f33da92a7e7.jpg + where_visible: UI + promoted: true +- id: 8770d681-3af6-45fa-be0a-2e97f5466ef0 + current_stock: 19 + name: Elegant White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Elegant white porcelain dinner plates with subtle rim detailing. Durable, + high-quality construction withstands daily use while maintaining a brilliant white + sheen. Versatile plates effortlessly mix and match with various dinnerware, perfect + for both casual and formal dining. + price: 61.99 + image: 8770d681-3af6-45fa-be0a-2e97f5466ef0.jpg + where_visible: UI +- id: a4c0f41d-4e7d-422c-86f1-57432c0fdba2 + current_stock: 16 + name: Stylish White Porcelain Dinner Plates + category: housewares + style: kitchen + description: White porcelain dinner plates with clean, elegant style. Durable glazed + finish resists chipping for everyday use. Versatile classic design mixes and matches + seamlessly. Elevate your tabletop with these subtle yet stylish plates. + price: 69.99 + image: a4c0f41d-4e7d-422c-86f1-57432c0fdba2.jpg + where_visible: UI +- id: 102d06e2-51a5-4a4d-863f-459f1c067915 + current_stock: 9 + name: Stylish White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Present elegant White Porcelain Dinner Plates. Durable, versatile plates + for family meals or dinner parties. Classic round shape in bright white glaze + accents delicious home cooking. Built to last through daily use and frequent dishwasher + trips. + price: 58.99 + image: 102d06e2-51a5-4a4d-863f-459f1c067915.jpg + where_visible: UI +- id: b589a708-836e-439a-b4b0-147a3f22522b + current_stock: 11 + name: Stylish White Porcelain Dinner Plates + category: housewares + style: kitchen + description: White porcelain dinner plates offer timeless elegance and durability + for both everyday meals and special occasions. Their round shape complements any + table setting while the smooth glaze withstands frequent use. These quality plates + are a versatile kitchen staple. + price: 64.99 + image: b589a708-836e-439a-b4b0-147a3f22522b.jpg + where_visible: UI + promoted: true +- id: c0779eb2-bcb7-406a-9d60-cbb511ebed92 + current_stock: 11 + name: Sleek White Porcelain Dinner Plates + category: housewares + style: kitchen + description: White porcelain dinner plates with elegant, timeless style. Durable, + chip-resistant finish cleans easily. Versatile for everyday meals or special occasions. + Sophisticated addition to any dining table. + price: 68.99 + image: c0779eb2-bcb7-406a-9d60-cbb511ebed92.jpg + where_visible: UI + promoted: true +- id: caefdbe5-25ca-4d72-8aa1-c4a9662e5db7 + current_stock: 9 + name: Elegant White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Introducing our elegant yet durable White Porcelain Dinner Plates. + These versatile plates feature a classic round shape and smooth glazed finish, + effortlessly elevating any tablescape. The timeless white design coordinates seamlessly + with existing dinnerware for a subtle, sophisticated touch. + price: 65.99 + image: caefdbe5-25ca-4d72-8aa1-c4a9662e5db7.jpg + where_visible: UI +- id: 6d46b8f7-8902-418c-a412-0210cdaaf19b + current_stock: 19 + name: Stylish White Porcelain Dinner Plates + category: housewares + style: kitchen + description: Presenting our elegant White Porcelain Dinner Plates, crafted from + durable porcelain with a classic round shape to effortlessly complement any table + setting. These versatile plates are perfect for both everyday meals and special + occasions. With a bright white glazed finish that keeps food looking fresh, these + stylish and resilient plates deliver exceptional quality to elevate your dining + experience. + price: 74.99 + image: 6d46b8f7-8902-418c-a412-0210cdaaf19b.jpg + where_visible: UI +- id: cacf945a-4c63-4797-a9a9-361e14b7001e + current_stock: 7 + name: Handcrafted Wooden Dinner Plates + category: housewares + style: kitchen + description: Presenting the Wooden Plates - elegant, durable kitchenware crafted + from smooth sanded wood. These round plates lend warmth and organic style to everyday + dining. Expertly designed to cradle meals with refined simplicity. + price: 60.99 + image: cacf945a-4c63-4797-a9a9-361e14b7001e.jpg + where_visible: UI +- id: 0281d162-82fb-40b2-adca-6d33ddae791b + current_stock: 18 + name: Sunny Yellow Plates Brighten Meals + category: housewares + style: kitchen + description: Bring sunshine to mealtimes with these durable porcelain plates. Their + cheerful yellow hue and versatile round shape make them perfect for serving breakfast, + lunch, and dinner to family and friends. + price: 68.99 + image: 0281d162-82fb-40b2-adca-6d33ddae791b.jpg + where_visible: UI +- id: 3cacc39d-5282-4cda-885e-c7eff1504044 + current_stock: 13 + name: Sleek Multi-Use Pot for Any Kitchen + category: housewares + style: kitchen + description: This versatile, durable pot quickly and evenly heats on stove or in + oven. With generously sized handles and sleek design, it effortlessly goes from + cooking pasta to simmering sauces to serving stews at the table. + price: 75.99 + image: 3cacc39d-5282-4cda-885e-c7eff1504044.jpg + where_visible: UI +- id: 13a13747-5350-43f0-b7bf-f2fb4e6aa834 + current_stock: 19 + name: Essential Pot for Any Kitchen + category: housewares + style: kitchen + description: Expertly crafted for versatile cooking, our durable Essential Kitchen + Pot promotes even heating to perfectly simmer soups and stews. With sturdy, balanced + construction and stay-cool handles, this high-quality pot is an indispensable + addition to any kitchen. + price: 54.99 + image: 13a13747-5350-43f0-b7bf-f2fb4e6aa834.jpg + where_visible: UI + promoted: true +- id: 1d21572e-f35d-4c7b-8a39-a4d97b08276a + current_stock: 11 + name: Sturdy Multi-Purpose Pot for Any Kitchen + category: housewares + style: kitchen + description: This versatile, durable pot is a kitchen staple for cooking all your + favorite meals. Its quality construction allows for even heating when boiling, + simmering or steaming ingredients to perfection. A must-have houseware essential. + price: 61.99 + image: 1d21572e-f35d-4c7b-8a39-a4d97b08276a.jpg + where_visible: UI +- id: 5f4badb3-6313-44ee-b1a6-f6d644e4b8ad + current_stock: 14 + name: Versatile Pot - Stove to Oven + category: housewares + style: kitchen + description: This versatile pot effortlessly transitions from stovetop to oven, + letting you boil, simmer or bake with its durable design. An essential kitchen + staple for family meals or gourmet dishes. + price: 53.99 + image: 5f4badb3-6313-44ee-b1a6-f6d644e4b8ad.jpg + where_visible: UI +- id: e3b66709-fd0e-4ab6-b5e2-f3adbdf0d7e0 + current_stock: 14 + name: Versatile Multi-Pot for Everyday Cooking + category: housewares + style: kitchen + description: This versatile stainless steel multi-use pot is a kitchen essential + for cooking soups, stews, pasta, and more. Its ample capacity and durable construction + can handle everyday culinary demands with ease. + price: 69.99 + image: e3b66709-fd0e-4ab6-b5e2-f3adbdf0d7e0.jpg + where_visible: UI +- id: e1c0c67b-4e01-47bd-bad9-db36ab87c4f7 + current_stock: 16 + name: Sturdy All-Purpose Kitchen Pot + category: housewares + style: kitchen + description: This versatile essential pot effortlessly transitions from stovetop + to oven for pasta, soups, steaming veggies - anything! Its durable aluminum core + distributes heat evenly while classic stainless exterior cleans up nicely. + price: 60.99 + image: e1c0c67b-4e01-47bd-bad9-db36ab87c4f7.jpg + where_visible: UI +- id: d9e1f150-a9d6-4c6f-aecf-d77eca17b79d + current_stock: 12 + name: Sharp Scissors Slice Foods with Ease + category: housewares + style: kitchen + description: These stainless steel kitchen scissors easily slice through foods and + packaging with long, sharp blades that glide smoothly. The contoured handles provide + a secure, comfortable grip while the stainless steel resists stains and rust, + keeping the blades sharp. + price: 58.99 + image: d9e1f150-a9d6-4c6f-aecf-d77eca17b79d.jpg + where_visible: UI +- id: 8f2f2822-09eb-4985-ad5a-05a22ab69b6e + current_stock: 13 + name: Sharp Kitchen Knives Set for Every Chef + category: housewares + style: kitchen + description: Expertly crafted stainless steel knives for every culinary task. Chop, + slice, and dice with ease using the durable chef's, utility, serrated, and paring + knives. Keep blades razor-sharp with included sharpener. Professional quality + for your kitchen. + price: 75.99 + image: 8f2f2822-09eb-4985-ad5a-05a22ab69b6e.jpg + where_visible: UI +- id: 78c089ed-2eba-41f2-9977-ec294f91c123 + current_stock: 10 + name: Sharp Knives for Precision Cooking + category: housewares + style: kitchen + description: The Sharp Stainless Steel Knife Set delivers precision cutting and + unmatched durability. Expertly crafted with ergonomic handles and superior stainless + steel blades, these knives make food prep easy for home cooks and chefs alike. + Stylish and versatile, it's the one knife set your kitchen can't live without. + price: 71.99 + image: 78c089ed-2eba-41f2-9977-ec294f91c123.jpg + where_visible: UI +- id: 708cda9a-b179-4fac-97d4-d9846597f0c4 + current_stock: 9 + name: Pots & Pans for Everyday Cooking + category: housewares + style: kitchen + description: This versatile, high-quality cookware set equips your kitchen with + the essential pots and pans for effortless everyday cooking. Durable, evenly-heating + pots and pans in a range of sizes for simmering, boiling, frying - sleekly designed + for optimal cooking performance. + price: 69.99 + image: 708cda9a-b179-4fac-97d4-d9846597f0c4.jpg + where_visible: UI +- id: 35efa417-357d-465e-99cb-b208bbc63f8b + current_stock: 15 + name: Essential Pots Set for Family Cooking + category: housewares + style: kitchen + description: "This essential stainless steel cookware set has all the pots and pans\ + \ needed to prepare delicious family meals. Durable encapsulated base distributes\ + \ heat evenly while tempered glass lids lock in flavor. The versatile sizes handle\ + \ everything from simmering to saut\xE9ing with ease." + price: 58.99 + image: 35efa417-357d-465e-99cb-b208bbc63f8b.jpg + where_visible: UI +- id: 94cc3c8d-7efd-4f7b-84d0-9996f7e90c2f + current_stock: 16 + name: Pots & Pans - Cook Like a Pro + category: housewares + style: kitchen + description: The Pots and Pans Essentials Set has all the high-quality cookware + you need to outfit your kitchen. This versatile collection includes durable pots + and pans in a range of sizes to handle any recipe with ease. Cook like a pro with + this essential set. + price: 66.99 + image: 94cc3c8d-7efd-4f7b-84d0-9996f7e90c2f.jpg + where_visible: UI + promoted: true +- id: 1e96e374-be23-4c97-b87e-b5c45cb8999f + featured: true + current_stock: 15 + name: Sleek Stainless Steel Pots and Pans + category: housewares + style: kitchen + description: The Pots and Pans Set delivers professional-grade stainless steel cookware + to handle all your culinary endeavors. Durable, even-heating construction with + ergonomic handles makes cooking comfortable and convenient. This comprehensive + set is a must-have for any kitchen. + price: 52.99 + image: 1e96e374-be23-4c97-b87e-b5c45cb8999f.jpg + where_visible: UI +- id: 2494d3bb-abf7-4a6f-b9fd-56eff8edc1da + current_stock: 11 + name: Stylish Pots for Everyday Cooking + category: housewares + style: kitchen + description: Make mealtimes easier with our versatile Pots Set. This essential kitchenware + includes durable pots in a range of sizes for cooking everything from sauces to + stews. Sleek stainless steel design and even-heating aluminum cores ensure reliable + performance. The perfect addition to any kitchen. + price: 75.99 + image: 2494d3bb-abf7-4a6f-b9fd-56eff8edc1da.jpg + where_visible: UI +- id: 4ac6fe0c-cc84-4c7b-99e3-45c95de4e68f + current_stock: 19 + name: Stylish Stainless Kitchen Utensils + category: housewares + style: kitchen + description: This durable stainless steel kitchen utensil set contains all the essential + tools needed to cook delicious meals. The stylish modern design and easy-grip + handles provide exceptional performance. A must-have addition for any home cook. + price: 67.99 + image: 4ac6fe0c-cc84-4c7b-99e3-45c95de4e68f.jpg + where_visible: UI +- id: e11a34d8-846a-45f0-967a-39d176b491bc + current_stock: 8 + name: Sleek Steel Kitchen Tools Set + category: housewares + style: kitchen + description: This comprehensive 17-piece stainless steel kitchen utensil set contains + all the essential tools needed for cooking and baking. Expertly crafted and organized + in an attractive canister, it will make a versatile and indispensable addition + to any home kitchen. + price: 58.99 + image: e11a34d8-846a-45f0-967a-39d176b491bc.jpg + where_visible: UI + promoted: true +- id: 1eb2dd1f-7eb1-4eb2-bfac-59ab4d47d0c8 + current_stock: 9 + name: Sleek Stainless Kitchen Tools + category: housewares + style: kitchen + description: This comprehensive stainless steel utensil set contains all the essential + tools for food prep and cooking. With durable knives, spatulas, tongs, ladles + and more, you'll have the right tool for slicing, mixing and measuring to take + on any recipe with ease. Sleek, modern design. + price: 55.99 + image: 1eb2dd1f-7eb1-4eb2-bfac-59ab4d47d0c8.jpg + where_visible: UI + promoted: true +- id: 0cfb40f1-8122-4a30-bd6e-9524b70d30b2 + current_stock: 14 + name: Durable Spoon for Kitchen Mastery + category: housewares + style: kitchen + description: This durable kitchen spoon effortlessly scoops, stirs, and serves all + your favorite foods. Its timeless design and high-quality craftsmanship make it + a versatile essential for every kitchen. + price: 70.99 + image: 0cfb40f1-8122-4a30-bd6e-9524b70d30b2.jpg + where_visible: UI +- id: d5b5d128-a143-49ec-a33b-11b547adf0e4 + current_stock: 13 + name: Sleek Scooping Spoon for Stylish Kitchens + category: housewares + style: kitchen + description: Presenting the Polished Kitchen Spoon, an essential utensil designed + with a contoured handle and deep bowl to stir, scoop, and serve with ease. This + durable and lightweight spoon upgrades any kitchen. + price: 68.99 + image: d5b5d128-a143-49ec-a33b-11b547adf0e4.jpg + where_visible: UI +- id: a5561ea6-4cfc-4ada-843d-6eedf6e2a10e + current_stock: 14 + name: Durable Steel Kitchen Strainer + category: housewares + style: kitchen + description: Presenting the Stainless Steel Kitchen Strainer - this durable, finely + woven strainer separates liquids and solids perfectly. An essential kitchen tool + for efficiently draining, rinsing, and prepping ingredients. Upgrade your meals + with this high-quality, easy-grip stainless steel strainer. + price: 55.99 + image: a5561ea6-4cfc-4ada-843d-6eedf6e2a10e.jpg + where_visible: UI +- id: 05f4f79c-e6d1-4c31-bcfe-44d7e77fcb68 + current_stock: 18 + name: Stainless Strainer Drains Liquids Smoothly + category: housewares + style: kitchen + description: "This durable stainless steel strainer features a fine mesh screen\ + \ to easily drain liquids or rinse foods. The wide, shallow design provides maximum\ + \ draining capacity, keeping solids intact for smoother cooking and prep. An essential\ + \ kitchen tool for achieving smooth sauces, broths, and pur\xE9es." + price: 68.99 + image: 05f4f79c-e6d1-4c31-bcfe-44d7e77fcb68.jpg + where_visible: UI +- id: b9ce61f9-58cc-4ccb-aa32-03e223025857 + current_stock: 13 + name: Straining Solids Effortlessly + category: housewares + style: kitchen + description: This durable stainless steel kitchen strainer with extended handle + effortlessly separates liquids from solids. The fine mesh traps small particles + while smoothly draining pasta, produce, and more. An essential tool for home cooks. + price: 64.99 + image: b9ce61f9-58cc-4ccb-aa32-03e223025857.jpg + where_visible: UI + promoted: true +- id: dd982af5-c41c-4c65-bbcf-f4e009f7fca9 + current_stock: 14 + name: Curved Teapot for Stylish Serving + category: housewares + style: kitchen + description: This classic teapot with curved spout effortlessly pours piping hot + tea. Expertly crafted with durable materials and smooth handle, it's the definitive + way to serve tea with style. + price: 63.99 + image: dd982af5-c41c-4c65-bbcf-f4e009f7fca9.jpg + where_visible: UI + promoted: true +- id: 425cc876-3935-4e87-ad8d-77f42b0b6a75 + current_stock: 15 + name: Vintage Floral Ceramic Teapot + category: housewares + style: kitchen + description: This beautifully crafted floral teapot with ceramic construction and + generous capacity is a charming kitchen essential for effortlessly serving and + keeping tea or coffee hot. Its elegant style and subtle details make it a lovely + addition to any dining or kitchen decor. + price: 67.99 + image: 425cc876-3935-4e87-ad8d-77f42b0b6a75.jpg + where_visible: UI +- id: af2aba3d-c9f6-46e1-95db-100fc1a73726 + current_stock: 14 + name: Floral Teapot Brews Tea Elegantly + category: housewares + style: kitchen + description: This beautifully crafted ceramic teapot features subtle floral details + and a classic design. Brew loose leaf tea or keep coffee hot in this versatile + kitchen essential with sturdy handle, spout, and lid. An elegant centerpiece for + any table. + price: 71.99 + image: af2aba3d-c9f6-46e1-95db-100fc1a73726.jpg + where_visible: UI +- id: 17a32726-0bdf-415e-b068-3bcbecc60e90 + current_stock: 8 + name: Floral Teapot with Charm + category: housewares + style: kitchen + description: This beautifully crafted ceramic teapot adds charm to any kitchen with + its classic design, subtle floral details, sturdy handle and spout for easy pouring, + and generous capacity to serve multiple cups of tea or coffee. + price: 75.99 + image: 17a32726-0bdf-415e-b068-3bcbecc60e90.jpg + where_visible: UI +- id: 4ca528d1-80dd-43f5-823a-28c98c9c92a1 + current_stock: 19 + name: Stylish Floral Teapot + category: housewares + style: kitchen + description: This beautifully crafted ceramic teapot adds charm to any kitchen with + its classic design, floral details, generous capacity, and versatile functionality + for brewing tea or keeping coffee hot. + price: 67.99 + image: 4ca528d1-80dd-43f5-823a-28c98c9c92a1.jpg + where_visible: UI +- id: dc161c25-cb7b-4654-8abd-df7b6a9c0b43 + current_stock: 11 + name: Floral Teapot for Perfect Tea + category: housewares + style: kitchen + description: This beautifully crafted porcelain teapot features a classic floral + design and elegant shape for effortlessly brewing and serving piping hot tea. + Its curved spout, sturdy handle, and heat-retaining body ensure a perfect cup + of tea every time. + price: 56.99 + image: dc161c25-cb7b-4654-8abd-df7b6a9c0b43.jpg + where_visible: UI +- id: dc107cab-89ea-4e27-a2bd-182f3f5d4991 + current_stock: 17 + name: Handcrafted Elegant Teapot + category: housewares + style: kitchen + description: Expertly crafted teapot with elegant design effortlessly pours piping + hot tea into cups or mugs. Durable with quality finish, this splendid classic + will become a treasured part of your tea ritual for years. + price: 50.99 + image: dc107cab-89ea-4e27-a2bd-182f3f5d4991.jpg + where_visible: UI +- id: 8c26d3b2-faeb-4f83-9fc9-fc1b3911dca9 + current_stock: 8 + name: Vibrant Floral Teapot for Tea Lovers + category: housewares + style: kitchen + description: This floral ceramic teapot brews multiple cups of tea with its generous + capacity. The sturdy handle and spout allow for easy pouring while the lid keeps + tea hot. A subtle floral design gives this durable kitchen essential an elegant + look. + price: 56.99 + image: 8c26d3b2-faeb-4f83-9fc9-fc1b3911dca9.jpg + where_visible: UI +- id: 43dd2872-f10e-45b6-98fd-f4aad45905ba + current_stock: 15 + name: Floral Teapot with Elegant Details + category: housewares + style: kitchen + description: This beautifully crafted porcelain teapot features a classic shape + with elegant floral details that make it the perfect accessory for brewing and + serving tea with charm. Its curved spout and sturdy handle allow for easy pouring. + price: 69.99 + image: 43dd2872-f10e-45b6-98fd-f4aad45905ba.jpg + where_visible: UI +- id: 1495081d-3fba-4cf0-a27d-afbae683f1b1 + current_stock: 9 + name: Honeyed Teapot for Tea Lovers + category: housewares + style: kitchen + description: Make tea time a special ritual with our elegant honey glazed ceramic + teapot. Expertly crafted with stainless steel infuser for optimal flavor extraction + from loose leaf teas. Sleek, dripless design creates a soothing tea experience. + price: 71.99 + image: 1495081d-3fba-4cf0-a27d-afbae683f1b1.jpg + where_visible: UI + promoted: true +- id: 451987da-76c7-406e-a922-0b39ca12d745 + current_stock: 11 + name: Floral Teapot Brews Elegant Tea + category: housewares + style: kitchen + description: This floral porcelain teapot brews tea with elegance. Its curved spout + and sturdy handle enable drip-free pouring while the heat-retaining porcelain + body keeps tea hot for the perfect cup. An essential and timeless kitchen piece + for your daily tea ritual. + price: 50.99 + image: 451987da-76c7-406e-a922-0b39ca12d745.jpg + where_visible: UI +- id: 7b20a8e1-5c56-41e9-aef3-1a4fd4637310 + current_stock: 15 + name: Floral Teapot with Elegant Details + category: housewares + style: kitchen + description: This beautifully crafted ceramic teapot features subtle floral details + and a classic design. Brew and serve tea elegantly with its sturdy handle, spout, + and generous capacity. An elegant yet practical centerpiece for any kitchen. + price: 58.99 + image: 7b20a8e1-5c56-41e9-aef3-1a4fd4637310.jpg + where_visible: UI + promoted: true +- id: ef446e39-c864-46ea-b273-f2a48b7dc2a5 + current_stock: 17 + name: Stylish Teapot for Tea Lovers + category: housewares + style: kitchen + description: This classic teapot boasts an elegant design and stout body for brewing + and serving tea with ease. Crafted from durable materials, its smooth handle and + curved spout make pouring simple. Add classic charm to your kitchen with this + versatile teapot. + price: 54.99 + image: ef446e39-c864-46ea-b273-f2a48b7dc2a5.jpg + where_visible: UI + promoted: true +- id: 7bdf74bc-2f36-4528-ad40-0d13f534a057 + current_stock: 17 + name: Handy Home Chef Tool Kit + category: housewares + style: kitchen + description: Make meal prep a breeze with our essential kitchen utensil set. Expertly + crafted tools for mixing, measuring, scooping, and more empower home chefs of + all levels to chop, blend, and serve up delicious dishes with ease. + price: 71.99 + image: 7bdf74bc-2f36-4528-ad40-0d13f534a057.jpg + where_visible: UI +- id: 815ed0a6-9bce-4ca1-a8ba-fa37de0deb1b + current_stock: 12 + name: Essential Kitchen Tools for Easy Cooking + category: housewares + style: kitchen + description: Presenting the Essential Kitchen Utensils Set, a must-have selection + of durable, thoughtfully designed tools for chopping, mixing, stirring, and serving. + Equip your kitchen with these high-quality essentials to make cooking easier and + more enjoyable. + price: 52.99 + image: 815ed0a6-9bce-4ca1-a8ba-fa37de0deb1b.jpg + where_visible: UI +- id: ab23a70b-b19b-466c-8318-01be486dedf3 + current_stock: 7 + name: Versatile Utensils for Kitchen Mastery + category: housewares + style: kitchen + description: This versatile utensil set empowers home chefs with durable, specialized + tools to expertly prepare delicious meals and baked goods. Chop, blend, whisk, + scoop - this comprehensive kitchen collection has the right implement for every + recipe. + price: 51.99 + image: ab23a70b-b19b-466c-8318-01be486dedf3.jpg + where_visible: UI +- id: 101172c2-2a10-4597-bdc2-bc8f5583ef6a + current_stock: 10 + name: Stylish Kitchen Utensils for Home Chefs + category: housewares + style: kitchen + description: Experience kitchen ease with our Essential Utensil Set. Thoughtfully + designed and crafted for durability, this must-have collection equips home chefs + with versatile tools to tackle any recipe with simplicity and style. + price: 50.99 + image: 101172c2-2a10-4597-bdc2-bc8f5583ef6a.jpg + where_visible: UI +- id: 569e2d41-53f8-4615-9db3-045d3ff57b33 + current_stock: 18 + name: Versatile Kitchen Tool Set + category: housewares + style: kitchen + description: This essential 18-piece kitchen utensil set streamlines cooking with + durable, versatile tools for stirring, flipping, serving, and more. Expertly crafted + for any kitchen. + price: 62.99 + image: 569e2d41-53f8-4615-9db3-045d3ff57b33.jpg + where_visible: UI + promoted: true +- id: 69a31bac-661e-499e-a6ff-c1f178e4bacb + current_stock: 17 + name: Essential Utensils for Effortless Cooking + category: housewares + style: kitchen + description: This versatile essential utensil set streamlines cooking tasks and + adds style to any kitchen. Expertly crafted from durable, food-safe materials, + these ladles, spatulas, tongs, and spoons make food preparation and serving easy. + A must-have for any home chef. + price: 53.99 + image: 69a31bac-661e-499e-a6ff-c1f178e4bacb.jpg + where_visible: UI + promoted: true +- id: 168cc760-2d97-4a6e-9cf6-515996151b1d + current_stock: 19 + name: Resonant Grand Piano - Exquisite Handcrafted Tone + category: instruments + style: keys + description: Presenting the exquisite Grand Piano with rich resonant tone, responsive + fully-weighted keys, and powerful dynamics, handcrafted from premium materials + for discerning pianists seeking exceptional musical performance. + price: 198.99 + image: 168cc760-2d97-4a6e-9cf6-515996151b1d.jpg + where_visible: UI +- id: b1b9c461-26c2-4769-b017-0791b467acf3 + current_stock: 12 + name: Vibrant Grand Piano with Resonant Sound + category: instruments + style: keys + description: This exquisite grand piano produces a rich, resonant tone perfect for + performances. Handcrafted with elegant black lacquer finish and ivory keys, it + is the ideal choice for pianists seeking exceptional playability. + price: 146.99 + image: b1b9c461-26c2-4769-b017-0791b467acf3.jpg + where_visible: UI +- id: 8c64c1c1-87fc-4a95-b3cc-1d13f0f54db7 + current_stock: 10 + name: Inspiring Grand Piano - Elegant and Expressive + category: instruments + style: keys + description: This expertly crafted grand piano produces a rich, resonant tone perfect + for inspired musicians. Its elegant design and responsive fully weighted keys + enable nuanced play. + price: 96.99 + image: 8c64c1c1-87fc-4a95-b3cc-1d13f0f54db7.jpg + where_visible: UI +- id: daafaaa1-d549-4f57-a085-37113d42975d + current_stock: 10 + name: Inspiring Musical Passion Grand Piano + category: instruments + style: keys + description: This exquisite grand piano's rich, resonant tone and superior acoustic + design inspire musical passion. Its elegant craftsmanship and smooth black finish + showcase artistry devoted to the joy of playing. + price: 465.99 + image: daafaaa1-d549-4f57-a085-37113d42975d.jpg + where_visible: UI +- id: 3999c48f-4ccf-463b-8e0b-f28dcdc469d1 + current_stock: 11 + name: Majestic Grand Piano, Powerfully Resonant + category: instruments + style: keys + description: This expertly crafted grand piano produces a rich, resonant tone perfect + for playing powerful classical compositions or improvised jazz. Its sleek black + finish and curved legs make a stunning addition to any home. + price: 95.99 + image: 3999c48f-4ccf-463b-8e0b-f28dcdc469d1.jpg + where_visible: UI +- id: 8c99de3f-95b9-4cc5-8e1a-87a5fac313fa + current_stock: 12 + name: Resonant Grand Piano Inspires Musical Joy + category: instruments + style: keys + description: Achieve concert hall grandeur in your own home with this finely crafted + grand piano. Its rich tone and responsive touch inspire heartfelt performances. + price: 337.99 + image: 8c99de3f-95b9-4cc5-8e1a-87a5fac313fa.jpg + where_visible: UI + promoted: true +- id: 7a0bbccc-23e3-4528-8e46-1b6c8f6e0e26 + current_stock: 14 + name: Elegant Grand Piano in Black Lacquer + category: instruments + style: keys + description: This elegant grand piano produces a rich, resonant tone perfect for + any musician. Handcrafted with premium materials, its superior construction promises + endless musical enjoyment. + price: 224.99 + image: 7a0bbccc-23e3-4528-8e46-1b6c8f6e0e26.jpg + where_visible: UI +- id: 18e38de5-432d-4825-b042-a6606480dd30 + current_stock: 8 + name: Weighted Keys Create Authentic Piano Feel + category: instruments + style: keys + description: This full-sized 88-key keyboard has weighted keys for an authentic + piano feel. The hundreds of instrument voices and comprehensive features make + it ideal for honing your musical talents. + price: 336.99 + image: 18e38de5-432d-4825-b042-a6606480dd30.jpg + where_visible: UI +- id: 6e6c3d03-f39a-4532-a876-e0c6973d8a27 + current_stock: 8 + name: Sleek Weighted 88-Key Piano Keyboard + category: instruments + style: keys + description: Experience authentic piano playing with this full-sized, 88-key weighted + keyboard. The versatile sound bank and built-in tools empower musicians to practice, + compose, and perform. + price: 231.99 + image: 6e6c3d03-f39a-4532-a876-e0c6973d8a27.jpg + where_visible: UI +- id: 67b6b486-6d74-47a4-8173-d10a86ddc275 + current_stock: 14 + name: Sleek Stylish Premium Keyboard - Unmatched Versatility + category: instruments + style: keys + description: This sleek and stylish premium keyboard offers unmatched versatility + and playability for musicians seeking excellence. With responsive keys and built-in + synth, it elevates creativity for any genre. + price: 109.99 + image: 67b6b486-6d74-47a4-8173-d10a86ddc275.jpg + where_visible: UI + promoted: true +- id: c86e8896-b9e0-4121-a3e4-25dfb435e2f1 + current_stock: 14 + name: Sleek Weighted Keyboard for Nuanced Playing + category: instruments + style: keys + description: This sleek, stylish keyboard offers responsive, weighted keys with + velocity sensitivity for nuanced musical expression. Perfect for demanding musicians, + it has professional features like pitch/mod wheels, built-in MIDI/USB, and stunning + sound. + price: 390.99 + image: c86e8896-b9e0-4121-a3e4-25dfb435e2f1.jpg + where_visible: UI +- id: 94542b68-2d27-4095-a751-ac98ca5e81b6 + current_stock: 13 + name: Sleek Semi-Weighted Keys Feel Like Real Piano + category: instruments + style: keys + description: Sleek 88-key semi-weighted keyboard provides responsive, nuanced playability + for musicians seeking premium quality. Versatile for stage and studio with pro + features, connectivity, and authentic acoustic piano feel. + price: 148.99 + image: 94542b68-2d27-4095-a751-ac98ca5e81b6.jpg + where_visible: UI +- id: d72a08ef-3e61-4648-ade8-b5d889e2d790 + current_stock: 14 + name: Sleek Stylish Keys - Unmatched Musical Possibilities + category: instruments + style: keys + description: This sleek and stylish premium keyboard offers unmatched versatility + and responsive, velocity-sensitive keys for limitless creative possibilities - + the pinnacle of quality and innovation for discerning musicians. + price: 136.99 + image: d72a08ef-3e61-4648-ade8-b5d889e2d790.jpg + where_visible: UI +- id: a2b531d1-c2a8-474a-bef4-1cde8a050e1a + current_stock: 15 + name: Sleek Weighted Keys Keyboard for Inspired Musicians + category: instruments + style: keys + description: This finely-tuned keyboard made with premium materials has full-size + weighted keys and professional features like pitch/mod wheels, built-in speakers, + and MIDI/USB connectivity for versatile music creation. + price: 320.99 + image: a2b531d1-c2a8-474a-bef4-1cde8a050e1a.jpg + where_visible: UI +- id: 0d6b29df-c5a6-4785-890a-e01bd433644b + current_stock: 19 + name: Sleek 88-Key Digital Piano + category: instruments + style: keys + description: This premium 88-key keyboard delivers pro-quality weighted action, + expressive touch dynamics, and 500 authentic instrument sounds for pianists, composers, + and hobbyists seeking exceptional sound, feel, and function. + price: 463.99 + image: 0d6b29df-c5a6-4785-890a-e01bd433644b.jpg + where_visible: UI +- id: 72ca8c60-b062-4e9c-9da0-89fdf09f96d9 + current_stock: 17 + name: Sleek 88-Key Digital Piano + category: instruments + style: keys + description: Introducing the versatile 88-key weighted keyboard with authentic piano + touch and multiple instrument sounds for creative musical exploration and portable, + stage-ready performance. + price: 482.99 + image: 72ca8c60-b062-4e9c-9da0-89fdf09f96d9.jpg + where_visible: UI + promoted: true +- id: 2e2bca71-de2f-4130-ade3-f77ef0cf247c + current_stock: 9 + name: Sleek 88-Key Keyboard with Recording + category: instruments + style: keys + description: This weighted 88-key keyboard offers authentic piano feel with recording + functions, multiple sounds, and portability, making it the ultimate versatile + keyboard for gigging musicians or aspiring players. + price: 211.99 + image: 2e2bca71-de2f-4130-ade3-f77ef0cf247c.jpg + where_visible: UI + promoted: true +- id: e727caad-132c-48d2-bd7f-131c99745b24 + current_stock: 6 + name: Unleash Your Musical Creativity + category: instruments + style: keys + description: Sleek and stylish pro keyboard with premium features perfect for captivating + audiences or crafting complex compositions. Unmatched versatility and smooth, + velocity-sensitive keys unleash your creativity. + price: 401.99 + image: e727caad-132c-48d2-bd7f-131c99745b24.jpg + where_visible: UI + promoted: true +- id: e4f7e8b7-2c26-4939-9efd-b10f53a2ed04 + current_stock: 9 + name: Sleek Weighted Keyboard for Musical Expression + category: instruments + style: keys + description: Sleek weighted keyboard with velocity-sensitive keys provides exceptional + playability and precise musical expression. The full-size, weighted keys and premium + features like pitch bend make this professional-quality instrument perfect for + serious musicians. + price: 321.99 + image: e4f7e8b7-2c26-4939-9efd-b10f53a2ed04.jpg + where_visible: UI +- id: 1d045c07-ef58-445c-8f73-93b466e6ccf2 + current_stock: 18 + name: Sleek Weighted-Key Digital Piano + category: instruments + style: keys + description: This 88-key digital piano features weighted keys for an authentic acoustic + feel. Recreate grand piano tones with 500 high-quality instrument sounds. Perfect + for practice, performance, and music production. + price: 417.99 + image: 1d045c07-ef58-445c-8f73-93b466e6ccf2.jpg + where_visible: UI +- id: 4d50853d-a606-4a90-914b-e04c1b405725 + current_stock: 19 + name: Unmatched Sound for Musicians + category: instruments + style: keys + description: This sleek professional keyboard delivers unmatched versatility and + excellent sound quality for creative musicians. + price: 202.99 + image: 4d50853d-a606-4a90-914b-e04c1b405725.jpg + where_visible: UI +- id: 7750f919-4d16-4804-939c-6c5c4094354a + current_stock: 8 + name: Elegant Black Piano, Majestic Sound + category: instruments + style: keys + description: Presenting the Elegant Black Lacquer Upright Piano - Precise German + engineering and hand-selected Alpine spruce create rich, balanced tone perfect + for any pianist seeking responsive touch and superior quality. + price: 139.99 + image: 7750f919-4d16-4804-939c-6c5c4094354a.jpg + where_visible: UI + promoted: true +- id: 94e5c5a1-ee87-4d12-9657-e9ef9b27e901 + current_stock: 14 + name: Upright Piano - Sing Your Heart Out + category: instruments + style: keys + description: This finely crafted upright piano produces a rich, resonant tone perfect + for performances. Its 88 responsive keys and sturdy construction fill rooms with + powerful, dynamic sound. + price: 407.99 + image: 94e5c5a1-ee87-4d12-9657-e9ef9b27e901.jpg + where_visible: UI +- id: 5b7611a0-1093-470f-8aca-7f85da315624 + current_stock: 11 + name: Upright Piano - Warm Tones, Responsive Keys + category: instruments + style: keys + description: This finely crafted upright piano produces a warm, balanced tone with + responsive keys for nuanced play. An accessible and versatile choice for home + musicians pursuing their passion. + price: 433.99 + image: 5b7611a0-1093-470f-8aca-7f85da315624.jpg + where_visible: UI +- id: 97b25afe-68ca-445d-a276-dc7e09df575d + current_stock: 16 + name: Resonant Upright Piano - Sing Your Heart + category: instruments + style: keys + description: This finely crafted upright piano produces a rich, resonant tone perfect + for performances or practice. Its premium design promises superior acoustic properties + and responsive feel, delighting pianists seeking an exceptional instrument. + price: 184.99 + image: 97b25afe-68ca-445d-a276-dc7e09df575d.jpg + where_visible: UI + promoted: true +- id: 340cd993-ed9c-407b-b4d0-edcc66445b8c + current_stock: 7 + name: Sleek Black Upright Piano + category: instruments + style: keys + description: This finely crafted upright piano produces rich resonant tones across + the spectrum, allowing musicians to master the art of piano playing. Its elegant + black lacquer finish and responsive action inspire musical expression. + price: 182.99 + image: 340cd993-ed9c-407b-b4d0-edcc66445b8c.jpg + where_visible: UI + promoted: true +- id: 8c818e1b-69bd-4c92-9e93-08965146fc1f + current_stock: 19 + name: Warm Resonant Tones + category: instruments + style: keys + description: This finely crafted upright piano produces a warm, resonant tone perfect + for amateurs and professionals alike. With 88 keys and compact design, it's an + ideal choice for any home or studio. + price: 247.99 + image: 8c818e1b-69bd-4c92-9e93-08965146fc1f.jpg + where_visible: UI +- id: 7d82f4d2-d9b7-428f-b19c-f8e3c7d45d2f + current_stock: 17 + name: Compact Upright, Rich Resonant Tones + category: instruments + style: keys + description: Experience the rich, warm tone of this finely crafted upright piano. + Its compact design makes beautiful music accessible in any home. + price: 239.99 + image: 7d82f4d2-d9b7-428f-b19c-f8e3c7d45d2f.jpg + where_visible: UI + promoted: true +- id: 6298e772-d18e-4eb0-a226-70fbb2074edc + current_stock: 12 + name: Sleek Black Upright Piano + category: instruments + style: keys + description: This finely crafted upright piano in classic black lacquer offers versatile, + resonant sound in a compact, space-saving design, enabling musicians to master + the art of piano playing. + price: 277.99 + image: 6298e772-d18e-4eb0-a226-70fbb2074edc.jpg + where_visible: UI +- id: 0571783a-2d37-4d08-ac0d-575070c961d4 + current_stock: 15 + name: Resonant Upright Piano with Style + category: instruments + style: keys + description: This finely crafted upright piano produces a resonant tone perfect + for performances. Its premium design delights musicians with excellent acoustics + and charming visual appeal. + price: 188.99 + image: 0571783a-2d37-4d08-ac0d-575070c961d4.jpg + where_visible: UI +- id: b2d729d1-5aef-4dbf-bdf5-6d99c6e86e12 + current_stock: 8 + name: Rich Tones Upright Piano + category: instruments + style: keys + description: Bring concert hall quality to your home with this finely crafted upright + piano featuring a rich, resonant tone from its premium spruce soundboard and weighted + keys with ivory tops for responsive, nuanced musical expression. + price: 223.99 + image: b2d729d1-5aef-4dbf-bdf5-6d99c6e86e12.jpg + where_visible: UI + promoted: true +- id: 885f38a7-46dc-4a5d-aa24-39799a72377b + current_stock: 15 + name: Resonant Upright Piano for Masterful Musicians + category: instruments + style: keys + description: This finely crafted upright piano produces rich resonant tones across + the spectrum, allowing musicians to master their art with precise control and + balanced action in a compact, quality instrument. + price: 304.99 + image: 885f38a7-46dc-4a5d-aa24-39799a72377b.jpg + where_visible: UI +- id: 0c4379af-964a-451b-8c57-255194f653af + current_stock: 13 + name: Elegant Black Upright Piano + category: instruments + style: keys + description: This elegantly crafted upright piano produces rich resonant tones across + its full 88-key range. With adjustable touch-sensitive weighted keys and timeless + black lacquer finish, it's the perfect instrument for homes, studios, and budding + pianists. + price: 327.99 + image: 0c4379af-964a-451b-8c57-255194f653af.jpg + where_visible: UI + promoted: true +- id: 7dc2e174-b41c-48a2-ba8f-0248217d42c0 + current_stock: 7 + name: Precise Studio Mic Captures Pristine Sound + category: instruments + style: microphone + description: With precision audio capture and sturdy, reliable construction, this + versatile studio microphone delivers stunning realism for vocals, acoustic instruments, + and more. Its neutral tone ensures pristine reproduction across diverse conditions. + price: 250.99 + image: 7dc2e174-b41c-48a2-ba8f-0248217d42c0.jpg + where_visible: UI +- id: c0a8b935-457d-493b-aeca-f5531c02d1d6 + current_stock: 13 + name: Crystal Clear Audio Microphone + category: instruments + style: microphone + description: Capture remarkable audio with the Microphone for Clear Audio. This + sturdy, lightweight microphone delivers crisp, accurate sound for vocals, instruments, + and podcasts. Reliable and versatile for the stage or studio. + price: 56.99 + image: c0a8b935-457d-493b-aeca-f5531c02d1d6.jpg + where_visible: UI +- id: 6652449d-16f3-47ee-9860-b6bd602fabab + current_stock: 18 + name: Studio-Quality Microphone Captures Pristine Audio + category: instruments + style: microphone + description: Capture studio-quality audio with pristine clarity using this versatile + condenser microphone. The durable metal design and built-in pop filter deliver + accurate, detailed reproduction for vocals, instruments, podcasts and more. + price: 489.99 + image: 6652449d-16f3-47ee-9860-b6bd602fabab.jpg + where_visible: UI +- id: e09d3267-1a87-4518-9fa7-fa9ed847c80d + current_stock: 14 + name: Capture Studio Magic Flawlessly + category: instruments + style: microphone + description: Presenting the Accurate Studio Microphone, the premier choice for flawless + sound capture. With precision engineering for vocals, instruments and more, experience + professional-grade audio and stunning realism in any recording situation. Distortion-free, + durable metal design built to last. + price: 499.99 + image: e09d3267-1a87-4518-9fa7-fa9ed847c80d.jpg + where_visible: UI + promoted: true +- id: 95be8b94-feeb-48df-8449-34924e4d849d + current_stock: 7 + name: Flawless Studio Mic - Pristine Sound + category: instruments + style: microphone + description: Capture flawless audio with the Faultless Studio Microphone. Its sturdy + design and precision engineering deliver pristine, versatile sound for vocals, + instruments, and more. + price: 129.99 + image: 95be8b94-feeb-48df-8449-34924e4d849d.jpg + where_visible: UI +- id: 39fe5f7d-c84a-4492-a04b-5b673a1682d6 + current_stock: 19 + name: Crisp Recording Microphone + category: instruments + style: microphone + description: Capture sound with stunning precision. This high-definition condenser + microphone delivers superb audio reproduction for recording, podcasts, and more. + Hear every nuance with exceptional clarity and sensitivity. + price: 151.99 + image: 39fe5f7d-c84a-4492-a04b-5b673a1682d6.jpg + where_visible: UI +- id: 1f8f1c68-aecd-4af0-adc2-965e09d91a84 + current_stock: 7 + name: Inspiring Instrumental Microphone + category: instruments + style: microphone + description: Capture studio-quality sound with the Precise Instrument Microphone. + Its wide dynamic range and low self-noise pick up nuances while reducing interference. + Durable metal housing provides consistent, professional-grade performance for + vocals and instruments. + price: 372.99 + image: 1f8f1c68-aecd-4af0-adc2-965e09d91a84.jpg + where_visible: UI +- id: 8a5382dc-9350-46d1-a21f-bfdff7b2a03f + current_stock: 9 + name: Studio-Quality Mic Captures Sound Superbly + category: instruments + style: microphone + description: Capture sound with precision and clarity using the Superior Studio + Microphone. This top-tier mic delivers authoritative audio across the spectrum + for flawless studio recording and live performances. + price: 150.99 + image: 8a5382dc-9350-46d1-a21f-bfdff7b2a03f.jpg + where_visible: UI +- id: 7a2e6aab-41c1-4536-aee4-07bb00083baa + current_stock: 12 + name: Studio-Quality Sound Unplugged + category: instruments + style: microphone + description: Capture studio-quality audio with this professional microphone. Its + advanced components deliver unmatched clarity and realism across a wide frequency + range - perfect for music, podcasts, voiceovers and more. + price: 55.99 + image: 7a2e6aab-41c1-4536-aee4-07bb00083baa.jpg + where_visible: UI +- id: 2c2f6c71-7b07-4529-9864-e28a1404ee6f + current_stock: 15 + name: Clear, Accurate Audio + category: instruments + style: microphone + description: Capture studio-quality sound with the Superior Studio Microphone. This + top-tier mic delivers clear, accurate audio for vocals, instruments, and broadcasting. + Its sturdy build and innovative engineering provide distortion-free reproduction + across the frequency spectrum. The authoritative choice for serious musicians + and producers. + price: 293.99 + image: 2c2f6c71-7b07-4529-9864-e28a1404ee6f.jpg + where_visible: UI +- id: cfb51e9c-6a69-4ca8-ae56-9ef78c35adba + current_stock: 8 + name: Professional Studio-Quality Condenser Microphone + category: instruments + style: microphone + description: Capture studio-quality audio with precision and clarity. This top-tier + condenser microphone delivers unmatched realism for vocals, instruments, and more. + Engineered for durability, its premium components ensure an ultra-wide frequency + response and low noise perfect for any professional audio need. + price: 259.99 + image: cfb51e9c-6a69-4ca8-ae56-9ef78c35adba.jpg + where_visible: UI + promoted: true +- id: 62545d27-dcf5-476a-b2fc-2f8caecc75dc + current_stock: 13 + name: Precision Studio Microphone + category: instruments + style: microphone + description: Capture studio-quality sound with the Accurate Microphone. Its precision + engineering delivers flawless audio for vocals, instruments, and podcasting. Trusted + by professionals for accuracy across the frequency range. + price: 114.99 + image: 62545d27-dcf5-476a-b2fc-2f8caecc75dc.jpg + where_visible: UI +- id: 9ffda50b-e5a9-47ae-9d63-a0ab90f8cbac + current_stock: 16 + name: Capturing Sound, Pure and True + category: instruments + style: microphone + description: Capture studio-quality vocals and instruments with the High Fidelity + Microphone. Its wide dynamic range, low self-noise, and rugged metal design deliver + pristine audio for musicians and engineers. + price: 253.99 + image: 9ffda50b-e5a9-47ae-9d63-a0ab90f8cbac.jpg + where_visible: UI + promoted: true +- id: e498d84e-29f9-4657-9511-bb203f6e0fda + current_stock: 16 + name: Studio-Quality Condenser Microphone + category: instruments + style: microphone + description: With its sturdy build and finely-tuned capsule, this versatile condenser + mic captures vocals and instruments with stunning accuracy and realism. The perfect + choice for any home studio or pro recording, its neutral tonal balance reproduces + sound naturally without coloration. + price: 216.99 + image: e498d84e-29f9-4657-9511-bb203f6e0fda.jpg + where_visible: UI +- id: 462d6acb-8cb9-4d11-aeef-7942d51345d8 + current_stock: 11 + name: The Dominant Mic + category: instruments + style: microphone + description: Presenting the Authoritative Mic, the premier microphone delivering + pristine, accurate audio for any application. Trusted by professionals worldwide + for its robust construction and elite-caliber sound across the spectrum. Assert + your audio dominance with this authoritative performance piece. + price: 87.99 + image: 462d6acb-8cb9-4d11-aeef-7942d51345d8.jpg + where_visible: UI + promoted: true +- id: 9880afd7-f698-4a2c-929f-a9ce9be00d2b + current_stock: 8 + name: Captivate Audiences with Faultless + category: instruments + style: microphone + description: Capture your best voice with the Faultless Studio Microphone. This + versatile, durable mic delivers flawless audio quality and powerful projection + to singers and speakers. + price: 473.99 + image: 9880afd7-f698-4a2c-929f-a9ce9be00d2b.jpg + where_visible: UI +- id: ab22df42-55a5-4180-b46d-5a55d77811e1 + current_stock: 16 + name: Studio-Quality Sound, Flawlessly Captured + category: instruments + style: microphone + description: Capture studio-quality audio with precision and clarity using the High + Fidelity Microphone. Its robust design and premium components deliver flawless, + full-spectrum sound reproduction for professional recordings. + price: 228.99 + image: ab22df42-55a5-4180-b46d-5a55d77811e1.jpg + where_visible: UI +- id: 664a48cc-983d-489d-a7dd-421c676477e8 + current_stock: 13 + name: HD Mic + category: instruments + style: microphone + description: Capture studio-quality audio in any situation with the High Definition + Microphone. Its precision-tuned capsule and sturdy metal design deliver pristine, + broadcast-level clarity across the entire audible range. The versatile XLR connectivity + makes it perfect for musicians, podcasters and field recordists. + price: 298.99 + image: 664a48cc-983d-489d-a7dd-421c676477e8.jpg + where_visible: UI + promoted: true +- id: a4634431-29bd-45a8-801f-55fb33b68bb4 + current_stock: 7 + name: Premier Acoustic Drum Kit + category: instruments + style: percussion + description: This expertly handcrafted acoustic drum set delivers a dynamic, organic + sound perfect for any drummer. Its premium wood shells and quality drumheads produce + balanced, nuanced tone for reliable performance. + price: 416.99 + image: a4634431-29bd-45a8-801f-55fb33b68bb4.jpg + where_visible: UI +- id: c0417333-f966-420f-8e65-93bf708887b8 + current_stock: 14 + name: Resonant Acoustic Drum Kit + category: instruments + style: percussion + description: This expertly crafted acoustic drum kit delivers a rich, resonant sound + perfect for percussionists seeking an authentic playing experience. With quality + construction and versatile design, it's a reliable percussion instrument for drummers + of all skill levels. + price: 190.99 + image: c0417333-f966-420f-8e65-93bf708887b8.jpg + where_visible: UI + promoted: true +- id: 16dc3692-1dc3-4fc0-85ee-f1afcc0a67a5 + current_stock: 19 + name: Vibrant Acoustic Drum Kit + category: instruments + style: percussion + description: This acoustic drum set delivers a dynamic range of warm, resonant tones + perfect for drummers seeking an authentic acoustic experience. Expertly crafted + shells and quality hardware provide versatile percussion ready to play right out + of the box. + price: 305.99 + image: 16dc3692-1dc3-4fc0-85ee-f1afcc0a67a5.jpg + where_visible: UI +- id: 1deee92a-3441-4b96-a91a-5ae5f705963e + current_stock: 18 + name: Vintage Mahogany Drum Kit + category: instruments + style: percussion + description: This expertly crafted acoustic drum kit produces a warm, nuanced tone + that enhances creativity. The mahogany shell and chrome hardware provide balanced + resonance and brightness. Remo drumheads deliver clarity across the dynamic range. + price: 215.99 + image: 1deee92a-3441-4b96-a91a-5ae5f705963e.jpg + where_visible: UI +- id: e14a7ad9-9054-4abd-90f6-9b78fd10f5e3 + current_stock: 12 + name: Resonant Acoustic Drum Kit + category: instruments + style: percussion + description: This premium acoustic drum kit delivers an authentic percussive experience + with its all-wood shell, quality hardware, and premium drumheads that produce + warm, resonant tones perfect for drummers of all skill levels. + price: 296.99 + image: e14a7ad9-9054-4abd-90f6-9b78fd10f5e3.jpg + where_visible: UI +- id: f61c2efc-1656-4a12-be3d-6be233ff8847 + current_stock: 19 + name: Resonant Mahogany Drum Kit + category: instruments + style: percussion + description: Expertly crafted mahogany drum kit delivering warm, resonant tone perfect + for percussionists seeking organic, nuanced sound. Chrome hardware provides brightness + and sustain while quality Remo skins offer optimal response across dynamics. + price: 185.99 + image: f61c2efc-1656-4a12-be3d-6be233ff8847.jpg + where_visible: UI +- id: 2ea02e11-d1d4-4f8b-a5ec-8a94860a07ca + current_stock: 11 + name: Lively, Warm-Toned Acoustic Drum Kit + category: instruments + style: percussion + description: This expertly crafted acoustic drum kit produces a warm, resonant tone + perfect for percussionists seeking organic, lively sound to drive the rhythm of + any musical performance. + price: 358.99 + image: 2ea02e11-d1d4-4f8b-a5ec-8a94860a07ca.jpg + where_visible: UI +- id: 28cc6e51-6e20-4aec-9751-572e19134b6d + current_stock: 6 + name: Resonant Mahogany Acoustic Drum Kit + category: instruments + style: percussion + description: Experience rich, resonant tone with this pro-quality mahogany Acoustic + Drum Kit. Expertly crafted with chrome hardware and Remo heads for optimal acoustic + sound across the entire dynamic range. + price: 267.99 + image: 28cc6e51-6e20-4aec-9751-572e19134b6d.jpg + where_visible: UI +- id: 91fd772f-12c5-4fbe-bb74-7bf766dddc78 + current_stock: 15 + name: Rich Acoustic Drum Tones + category: instruments + style: percussion + description: Expertly handcrafted mahogany drum kit delivering warm, rich acoustic + tone. Chrome hardware provides brightness and sustain. Remo drumheads optimize + response. Vintage-inspired design with beautiful mahogany finish and sleek chrome + appointments. + price: 483.99 + image: 91fd772f-12c5-4fbe-bb74-7bf766dddc78.jpg + where_visible: UI +- id: 7b8e35ec-ddb6-465a-b209-0a6bf8ec1bc9 + current_stock: 10 + name: Resonant Acoustic Drum, Warm Tone + category: instruments + style: percussion + description: This finely crafted acoustic drum delivers a warm, resonant tone perfect + for any style. Expertly designed with premium materials for unparalleled sound, + feel, and durability. + price: 155.99 + image: 7b8e35ec-ddb6-465a-b209-0a6bf8ec1bc9.jpg + where_visible: UI + promoted: true +- id: 0269c908-fd3e-4c51-b9f0-0e0968623eb7 + current_stock: 8 + name: Resonant Acoustic Drum Set + category: instruments + style: percussion + description: This finely crafted acoustic drum set delivers a dynamic range of warm, + resonant tones perfect for percussionists seeking an authentic acoustic drumming + experience. Expertly constructed with quality woods and hardware for versatile + playability. + price: 87.99 + image: 0269c908-fd3e-4c51-b9f0-0e0968623eb7.jpg + where_visible: UI +- id: cf9e2ee4-476b-40d9-bc61-f866fc436520 + current_stock: 14 + name: Innovative Acoustic Drum Kit + category: instruments + style: percussion + description: This premium acoustic drum kit delivers an authentic, warm sound with + excellent projection and resonance. Expertly constructed with quality wood shells + and hardware, it allows versatile tuning for any genre. The perfect choice for + drummers seeking an organic, uncompressed drumming experience. + price: 237.99 + image: cf9e2ee4-476b-40d9-bc61-f866fc436520.jpg + where_visible: UI + promoted: true +- id: 828d99c3-9514-4e1b-83e4-20e989af861d + current_stock: 6 + name: Authentic Wood Drums - Dynamic Sound + category: instruments + style: percussion + description: This Acoustic Drum Kit delivers a balanced, resonant sound perfect + for percussionists seeking an authentic playing experience. Thoughtfully designed + with all-wood shells and quality components, it's a versatile, road-ready drum + set for dynamic musical expression. + price: 450.99 + image: 828d99c3-9514-4e1b-83e4-20e989af861d.jpg + where_visible: UI +- id: 3525bbf7-dc07-4b4f-b0e7-5874f564655c + current_stock: 15 + name: Vibrant Wooden Acoustic Drumkit + category: instruments + style: percussion + description: This Acoustic Drum Set delivers an authentic, organic drumming experience + with its all-wood shell construction producing rich, resonant tones perfect for + percussionists seeking dynamic acoustic sound for live or studio performances. + price: 153.99 + image: 3525bbf7-dc07-4b4f-b0e7-5874f564655c.jpg + where_visible: UI +- id: 94610697-2580-432a-8479-ee19686df56c + current_stock: 14 + name: Vintage Acoustic Drum Kit + category: instruments + style: percussion + description: This professionally crafted acoustic drum kit produces warm, rich tones + perfect for percussionists seeking an authentic playing experience across genres. + Expertly designed for optimal sound, playability and reliability. + price: 492.99 + image: 94610697-2580-432a-8479-ee19686df56c.jpg + where_visible: UI +- id: 09490994-dc5c-4b33-aed4-8c859f37c5f6 + current_stock: 11 + name: Resonant Acoustic Drum Set + category: instruments + style: percussion + description: Acoustic Drum Set offering resonant, natural acoustic tones in a classic + shell pack design. Perfect for percussionists seeking authentic, organic drum + sounds for live gigs or studio sessions. Quality construction delivers versatile, + warm tone across the tom, snare, and bass drums. + price: 470.99 + image: 09490994-dc5c-4b33-aed4-8c859f37c5f6.jpg + where_visible: UI +- id: 61c2056e-e8b5-4c3b-a7b5-c2dba96075f2 + current_stock: 17 + name: Beat Real Drums Acoustically + category: instruments + style: percussion + description: Experience resonant, natural acoustic tones with this complete acoustic + drum set. The all-wood shell construction produces a rich, organic sound perfect + for percussionists seeking an authentic drumming experience. + price: 337.99 + image: 61c2056e-e8b5-4c3b-a7b5-c2dba96075f2.jpg + where_visible: UI +- id: 7471868a-fecd-40a8-8b34-d4ab1d46c1ec + current_stock: 10 + name: Resonant Acoustic Drum Kit + category: instruments + style: percussion + description: Experience resonant, natural tone with this expertly crafted acoustic + drum kit. The mahogany shell and chrome hardware deliver a balanced, dynamic sound + across the entire range. An exceptional instrument for drummers seeking vintage + character and modern reliability. + price: 263.99 + image: 7471868a-fecd-40a8-8b34-d4ab1d46c1ec.jpg + where_visible: UI + promoted: true +- id: 3ab996bb-9c82-4e05-b14a-81a68352c418 + current_stock: 12 + name: Vibrant Acoustic Drum Kit + category: instruments + style: percussion + description: This Acoustic Drum Kit delivers a balanced, resonant tone perfect for + percussionists seeking an authentic playing experience. Expertly crafted with + quality woods and drumheads, it's designed for reliable performance and versatile + sound. + price: 392.99 + image: 3ab996bb-9c82-4e05-b14a-81a68352c418.jpg + where_visible: UI +- id: 023d41d2-bbc3-4056-b8d8-bb11690c3dbd + current_stock: 17 + name: Resonant Acoustic Drum Kit + category: instruments + style: percussion + description: This expertly crafted acoustic drum kit delivers a rich, nuanced sound + perfect for percussionists seeking an authentic drumming experience. Its all-wood + shell and premium heads produce warm, resonant tones great for any genre. + price: 140.99 + image: 023d41d2-bbc3-4056-b8d8-bb11690c3dbd.jpg + where_visible: UI +- id: d48bcdc5-decf-4d4f-8878-ddd7e8fe2c35 + current_stock: 8 + name: Acoustic Drum Kit, Warm Sound, Responsive Play + category: instruments + style: percussion + description: This versatile acoustic drum kit delivers a balanced, warm sound perfect + for percussionists of all levels. Expertly crafted with quality materials for + dynamic range and responsive playability. + price: 485.99 + image: d48bcdc5-decf-4d4f-8878-ddd7e8fe2c35.jpg + where_visible: UI +- id: 4a77b485-0fe7-4391-9ca2-6a29fa10574e + current_stock: 15 + name: Vintage Maple Acoustic Drum Kit + category: instruments + style: percussion + description: This acoustic drum set delivers a rich, resonant sound perfect for + drummers seeking an authentic playing experience. Crafted with quality maple shells + and hardware, it produces balanced, warm tones across the kit. + price: 369.99 + image: 4a77b485-0fe7-4391-9ca2-6a29fa10574e.jpg + where_visible: UI +- id: f3d4fa81-45cc-43f8-ac18-7c721765ff1a + current_stock: 9 + name: Acoustic Drum Kit - Warm Natural Tones + category: instruments + style: percussion + description: Bring organic, resonant tones to your percussion with this complete + acoustic drum set. The all-wood shell construction and quality drum heads produce + a warm, natural sound perfect for percussionists of all levels. + price: 98.99 + image: f3d4fa81-45cc-43f8-ac18-7c721765ff1a.jpg + where_visible: UI +- id: 4f456260-d3eb-4376-a2ac-58180f3446e7 + current_stock: 9 + name: Toneful Maple Drum Kit + category: instruments + style: percussion + description: Experience full-bodied acoustic resonance with this finely crafted + maple drum kit. Its all-wood shells produce warm, natural tones perfect for percussionists + seeking an organic drumming sound. + price: 150.99 + image: 4f456260-d3eb-4376-a2ac-58180f3446e7.jpg + where_visible: UI + promoted: true +- id: 942c213e-5571-43a0-9234-90826047a8b1 + current_stock: 9 + name: Zildjian Bright Cymbal Sings Crisply + category: instruments + style: percussion + description: This Zildjian Gen16 cymbal sings with crisp, bright tones perfect for + cutting through the mix. Expertly crafted using patented techniques and secret + alloy, it delivers the exquisite sound Zildjian is famous for. + price: 128.99 + image: 942c213e-5571-43a0-9234-90826047a8b1.jpg + where_visible: UI +- id: 5cd155da-238e-4813-bfdc-ec0fd51e6ef1 + current_stock: 6 + name: Bright Bronze Cymbal Shimmers and Sparkles + category: instruments + style: percussion + description: Presenting the Brilliant Bronze Cymbal, an expertly hand-hammered percussion + instrument with a complex, shimmering tone. This versatile cymbal enhances any + musical performance with its bright, cutting voice and quick decay. + price: 360.99 + image: 5cd155da-238e-4813-bfdc-ec0fd51e6ef1.jpg + where_visible: UI +- id: 372342cf-d9cc-4f0e-a3bf-3f939dd5f9b4 + current_stock: 11 + name: Bright Zildjian Cymbals with Balanced Tone + category: instruments + style: percussion + description: This Zildjian Gen16 cymbal delivers a crisp, bright sound and balanced + overtones. Expertly crafted for optimal acoustic design, it provides drummers + with the responsive, musical tone they dream of. + price: 426.99 + image: 372342cf-d9cc-4f0e-a3bf-3f939dd5f9b4.jpg + where_visible: UI + promoted: true +- id: c5b52a98-63db-4924-98d3-c05a319dd8ac + current_stock: 19 + name: Sparkling Bronze Cymbal Sound + category: instruments + style: percussion + description: This brilliant bronze cymbal produces a bright, complex sound with + quick decay, perfect for accenting any musical performance. Its hand-hammered + construction and thoughtful design create a versatile, musical voice to inspire + creativity. + price: 236.99 + image: c5b52a98-63db-4924-98d3-c05a319dd8ac.jpg + where_visible: UI +- id: 9dff7cfb-c716-4b51-80db-9f15a649b408 + current_stock: 8 + name: Bright Bronze Cymbal Sings + category: instruments + style: percussion + description: This brilliant bronze cymbal produces crisp, clear tones perfect for + jazz, rock, or orchestral percussion. Expertly crafted for tone and resonance, + its lively voice will elevate any drummer's kit. + price: 416.99 + image: 9dff7cfb-c716-4b51-80db-9f15a649b408.jpg + where_visible: UI +- id: 47636ebb-30ac-44be-be42-23b8a333e643 + current_stock: 17 + name: Beginner's Dream Drum Set + category: instruments + style: percussion + description: This versatile 5-piece drum set with cymbals is perfect for amateurs + and pros to hone skills or perform live. The quality materials produce a full, + resonant sound for any genre while adjustable features allow drummers to customize + the sound. + price: 179.99 + image: 47636ebb-30ac-44be-be42-23b8a333e643.jpg + where_visible: UI +- id: a1b64583-4c58-4817-8cf8-1c8e60894bf8 + current_stock: 19 + name: Thundering Rhythms Drum Set + category: instruments + style: percussion + description: This complete 5-piece drum set with cymbals delivers versatile, professional-grade + sound for drummers of all skill levels. Crafted with quality wood shells and hardware, + it provides dynamic tone for any genre. + price: 420.99 + image: a1b64583-4c58-4817-8cf8-1c8e60894bf8.jpg + where_visible: UI +- id: cb7d77fe-a42a-41e3-be86-c54c0aa4b432 + current_stock: 16 + name: Beat the Drums Loudly + category: instruments + style: percussion + description: This complete 5-piece drum set with cymbals delivers a balanced, resonant + sound perfect for gigs or practice. Crafted with quality maple shells and hardware, + it's an affordable, versatile kit great for drummers of all skill levels. + price: 253.99 + image: cb7d77fe-a42a-41e3-be86-c54c0aa4b432.jpg + where_visible: UI +- id: 10e6f3bd-c59f-4a4b-b4fe-186b4632d213 + current_stock: 11 + name: Thumping Beats Drum Kit + category: instruments + style: percussion + description: This complete 5-piece drum set with cymbals offers versatile, quality + sound for diverse drumming styles. Sturdy hardware provides stability for passionate + playing. An ideal addition to any drummer's gear. + price: 129.99 + image: 10e6f3bd-c59f-4a4b-b4fe-186b4632d213.jpg + where_visible: UI +- id: 10a400a4-3afa-4b7b-989e-dc7ed6298efd + current_stock: 15 + name: Inspiring Creativity Drum Set + category: instruments + style: percussion + description: This versatile 5-piece drum set with cymbals delivers professional-quality + sound and durability to drummers of all levels, inspiring creativity through its + rich tone and diverse tonal range. + price: 364.99 + image: 10a400a4-3afa-4b7b-989e-dc7ed6298efd.jpg + where_visible: UI +- id: 21238146-9ddb-4672-8831-f12e1246e21e + current_stock: 14 + name: Get Rockin' with this Drum Set + category: instruments + style: percussion + description: This complete 5-piece drum set is perfect for amateurs and pros to + hone their skills or perform live. Crafted with quality materials for a full, + resonant sound, it's versatile for any genre and adjustable to customize your + setup. Unleash your creativity with this authentic, reliable drum kit. + price: 498.99 + image: 21238146-9ddb-4672-8831-f12e1246e21e.jpg + where_visible: UI + promoted: true +- id: 1aec7c14-a081-4f44-822b-49ba8f64bce2 + current_stock: 8 + name: Rock Out with This Pro Drum Set + category: instruments + style: percussion + description: This complete 5-piece drum set with cymbals is a high-quality, durable + option perfect for drummers of all skill levels to unleash creativity through + dynamic tones suitable for any genre. + price: 178.99 + image: 1aec7c14-a081-4f44-822b-49ba8f64bce2.jpg + where_visible: UI + promoted: true +- id: ee772434-345e-400d-bcd2-9fe696282bfe + current_stock: 16 + name: Maple Thunder - Pro Drumset Power + category: instruments + style: percussion + description: With its maple shells and chrome hardware, this professional 5-piece + drumset produces a deep, resonant tone perfect for any genre. Designed for optimal + playability and exceptional performance, it includes pedals, throne, and a wide + range of drums. + price: 93.99 + image: ee772434-345e-400d-bcd2-9fe696282bfe.jpg + where_visible: UI +- id: 153f3cbd-3fe4-4e31-8989-61f0ad3ff144 + current_stock: 9 + name: Beginner-Friendly Drum Kit for Great Sound + category: instruments + style: percussion + description: This complete 5-piece drum set with cymbals produces a dynamic, resonant + sound perfect for honing drumming skills and energizing live performances. Crafted + with quality materials for versatile playability across genres. + price: 457.99 + image: 153f3cbd-3fe4-4e31-8989-61f0ad3ff144.jpg + where_visible: UI +- id: 4391e417-4e91-45e4-953c-2b5aa044910c + current_stock: 8 + name: Rock Out With This Beginner Drum Set + category: instruments + style: percussion + description: Unleash your inner rock star with this complete 5-piece drum set featuring + bass drum, toms, snare, hi-hat, crash cymbal, and throne. Quality construction + produces resonant sound for any genre, perfect for amateurs honing skills or pros + captivating crowds. + price: 321.99 + image: 4391e417-4e91-45e4-953c-2b5aa044910c.jpg + where_visible: UI +- id: 870ae91e-6869-4eef-82a9-52025bdf40c7 + current_stock: 12 + name: Resonant 5-Piece Drum Set + category: instruments + style: percussion + description: This versatile 5-piece drum set with cymbals delivers rich, resonant + tone for drummers of all levels. Its durable hardware and quality construction + provide a reliable foundation for practice, performance, and recording. + price: 363.99 + image: 870ae91e-6869-4eef-82a9-52025bdf40c7.jpg + where_visible: UI +- id: 11b0f9f3-2c70-4c31-a6ed-a3b51799ae0b + current_stock: 11 + name: Smooth Acoustic Bass for Deep Tones + category: instruments + style: strings + description: Craft a rich, resonant bass tone with this finely built acoustic bass. + Its solid spruce top and mahogany body produce a deep, full sound perfect for + practice or performance. Playability made easy with a smooth fretboard and comfortable + neck. + price: 359.99 + image: 11b0f9f3-2c70-4c31-a6ed-a3b51799ae0b.jpg + where_visible: UI +- id: a54fbc82-c85d-4d21-b907-e8cdbbff69d2 + current_stock: 17 + name: Sustainful Acoustic-Electric Bass + category: instruments + style: strings + description: Experience rich, resonant bass tones with this expertly-designed acoustic-electric + bass. The solid spruce and mahogany body produces a dynamic, nuanced low end amplified + by the built-in preamp. Trust your next gig to this superbly sustainful acoustic + bass. + price: 221.99 + image: a54fbc82-c85d-4d21-b907-e8cdbbff69d2.jpg + where_visible: UI +- id: 0710ba08-bff3-40cf-b98c-6f21acff13d2 + current_stock: 12 + name: Resonant Acoustic Bass - Deep Tones + category: instruments + style: strings + description: Craft a rich, resonant acoustic bass sound with this finely built guitar. + Its solid spruce and mahogany body produces a deep, full tone perfect for practice + or performance. Easy playability and built-in preamp provide convenience. + price: 432.99 + image: 0710ba08-bff3-40cf-b98c-6f21acff13d2.jpg + where_visible: UI +- id: 877ed9dd-dbe0-4f19-ad13-32df60763ac2 + current_stock: 18 + name: Bold Bass Blends Acoustic and Electric + category: instruments + style: strings + description: The premium Acoustic-Electric Bass Guitar delivers rich, resonant acoustic + bass tones and amplified sound from its built-in preamp and pickup, combining + the warm, woody sound of an unplugged acoustic bass with plugged-in flexibility. + price: 400.99 + image: 877ed9dd-dbe0-4f19-ad13-32df60763ac2.jpg + where_visible: UI +- id: ab5ea156-d41d-43bc-ae5f-10b47f8e42f1 + current_stock: 13 + name: Vintage Acoustic Bass Guitar + category: instruments + style: strings + description: Crafted with premium tonewoods, this acoustic-electric bass delivers + rich, resonant tones perfect for practice or performance. Its solid spruce top + and smooth satin neck allow for effortless playability and impressive sustain. + price: 187.99 + image: ab5ea156-d41d-43bc-ae5f-10b47f8e42f1.jpg + where_visible: UI +- id: f7b90f15-74e2-4dd0-a003-93e7965e2266 + current_stock: 18 + name: Resonant Acoustic-Electric Bass Guitar + category: instruments + style: strings + description: Craft a dynamic bass sound unplugged or amplified with this expertly + designed acoustic-electric bass. Its solid spruce and mahogany body produces rich + resonant tones, while the slim neck and onboard preamp provide hours of fatigue-free + playing on stage or in studio. + price: 182.99 + image: f7b90f15-74e2-4dd0-a003-93e7965e2266.jpg + where_visible: UI + promoted: true +- id: 203b54b8-9ffd-4512-9b2b-aab6f47c5c42 + current_stock: 17 + name: Slim Neck Acoustic Bass Guitar + category: instruments + style: strings + description: The Acoustic Bass Guitar produces a rich, resonant tone perfect for + unplugged jams or intimate gigs. Its solid spruce top and mahogany back provide + a balanced, projecting sound across the bass register. Play easily with the slim + neck and low action. Amplify when needed with the onboard preamp. + price: 463.99 + image: 203b54b8-9ffd-4512-9b2b-aab6f47c5c42.jpg + where_visible: UI +- id: ad939714-88b8-45b7-86dd-74ddeb69c3a0 + current_stock: 15 + name: Resonant Acoustic Bass Guitar + category: instruments + style: strings + description: Craft a dynamic bass sound with this finely built acoustic bass. Its + solid spruce and mahogany body produces rich, resonant tones perfect for practice + or performance. Easy playability with smooth fretboard. Built-in preamp provides + plug-and-play convenience. + price: 236.99 + image: ad939714-88b8-45b7-86dd-74ddeb69c3a0.jpg + where_visible: UI +- id: 47099e43-250e-4183-a84a-df2fab69dad5 + current_stock: 8 + name: Vibrant Acoustic Guitar with Warm Tones + category: instruments + style: strings + description: This finely crafted acoustic guitar produces warm, resonant tones perfect + for any passionate musician. Its all-solid wood body and premium spruce top reward + you with robust bass, bright treble, and excellent playability. + price: 495.99 + image: 47099e43-250e-4183-a84a-df2fab69dad5.jpg + where_visible: UI +- id: e75ccb4c-17a5-4746-b307-803dc61fce7d + current_stock: 9 + name: Vintage Acoustic Guitar, Warm Resonant Tones + category: instruments + style: strings + description: Captivate audiences with the rich, resonant tones of this handcrafted + acoustic guitar. Its premium solid wood build produces a warm, balanced sound + perfect for any musician. + price: 343.99 + image: e75ccb4c-17a5-4746-b307-803dc61fce7d.jpg + where_visible: UI +- id: cf13e240-7050-41e7-9372-af38d9a42163 + current_stock: 14 + name: Resonant Acoustic Guitar Inspires Musicians + category: instruments + style: strings + description: This finely crafted acoustic guitar produces rich, resonant tones that + will inspire any musician. Its solid wood body and slim neck profile facilitate + intricate playing while onboard electronics shape your sound. + price: 195.99 + image: cf13e240-7050-41e7-9372-af38d9a42163.jpg + where_visible: UI +- id: 51fd504d-ca0a-422b-8cb4-0ca97b35b830 + current_stock: 18 + name: Resonant Acoustic Guitar + category: instruments + style: strings + description: This finely crafted acoustic guitar produces resonant tones perfect + for musicians seeking top quality sound. Its spruce and mahogany body delivers + rich, nuanced acoustic resonance. An ideal choice for clear, balanced tone to + inspire performances. + price: 150.99 + image: 51fd504d-ca0a-422b-8cb4-0ca97b35b830.jpg + where_visible: UI +- id: c3c32c14-e357-431f-a5ca-ae00a969ee84 + current_stock: 17 + name: Masterful Acoustic Resonates Warmly, Skillfully + category: instruments + style: strings + description: Expertly crafted acoustic guitar with rich, warm tones perfect for + amateurs and professionals. Quality spruce and mahogany construction produces + resonant sound for folk, rock, country, and more. Smooth playability aids practice, + performance, and skill building. + price: 489.99 + image: c3c32c14-e357-431f-a5ca-ae00a969ee84.jpg + where_visible: UI +- id: 41c0efc4-35ea-4844-bf77-f45275c5a18d + current_stock: 14 + name: Rich Tones Acoustic Guitar + category: instruments + style: strings + description: This finely crafted acoustic guitar produces rich, resonant tones perfect + for musicians seeking top quality sound. Its solid spruce and mahogany construction + allows for nuanced harmonics across the 20-fret neck. Let your musicality shine + with this versatile, hand-built acoustic. + price: 165.99 + image: 41c0efc4-35ea-4844-bf77-f45275c5a18d.jpg + where_visible: UI + promoted: true +- id: 4d874dd0-e88c-4698-8ce6-59bb627b6389 + current_stock: 6 + name: Resonant Acoustic Guitar Inspires Music + category: instruments + style: strings + description: This finely crafted acoustic guitar produces rich, resonant tones perfect + for any musician. Its solid wood body and slim neck deliver singing sustain and + sweet harmonics that will inspire your music. + price: 323.99 + image: 4d874dd0-e88c-4698-8ce6-59bb627b6389.jpg + where_visible: UI +- id: 9d1399f1-ec64-44a7-b088-56998f992414 + current_stock: 8 + name: Vintage Acoustic Guitar, Rich Tone + category: instruments + style: strings + description: This finely crafted acoustic guitar produces rich, resonant tones perfect + for any musician. Its solid wood body and slim neck allow easy playability while + the onboard preamp provides flexible tonal shaping and amplification. + price: 233.99 + image: 9d1399f1-ec64-44a7-b088-56998f992414.jpg + where_visible: UI +- id: 17d25f5a-0832-432e-940e-446d4b402aa4 + current_stock: 7 + name: Vibrant Acoustic Guitar for Inspiring Artists + category: instruments + style: strings + description: Crafted with care, this acoustic guitar produces rich, resonant tones + perfect for amateurs and professionals seeking top-quality sound to inspire their + artistry and creativity. + price: 113.99 + image: 17d25f5a-0832-432e-940e-446d4b402aa4.jpg + where_visible: UI +- id: c355dd01-24a6-4a99-b70e-539e39f18014 + current_stock: 7 + name: Resonant Acoustic Guitar for Aspiring Musicians + category: instruments + style: strings + description: This acoustic guitar produces rich, resonant tones perfect for aspiring + and professional musicians. Its comfortable neck and quality construction deliver + stellar sound for folk, rock, country, and more. + price: 172.99 + image: c355dd01-24a6-4a99-b70e-539e39f18014.jpg + where_visible: UI + promoted: true +- id: 76507db4-0b67-4c86-b634-f3f1a479124c + current_stock: 11 + name: Sleek Electric Bass Unleashes Fluid Creativity + category: instruments + style: strings + description: Express your musical creativity with this sleek, responsive electric + bass. Its comfortable contoured body and fast maple neck allow fluid playing across + the fretboard, while the crisp pickups accurately capture each subtle nuance for + studio-quality tone. + price: 426.99 + image: 76507db4-0b67-4c86-b634-f3f1a479124c.jpg + where_visible: UI + promoted: true +- id: 3b7f5d4a-fa55-4a8d-a569-1e1f84462112 + current_stock: 16 + name: Sleek Electric Bass Guitar + category: instruments + style: strings + description: Express your musical passion with this expertly crafted electric bass. + Its contoured body and slim neck enable effortless playability while dual humbuckers + capture each subtle nuance. Feel the beat and share your talent. + price: 219.99 + image: 3b7f5d4a-fa55-4a8d-a569-1e1f84462112.jpg + where_visible: UI +- id: 387f55e6-0eb9-47d6-9ef1-56a80b884430 + current_stock: 12 + name: Smooth Bass Tone, Sleek Style + category: instruments + style: strings + description: Expertly crafted electric bass guitar delivers resonant tone and smooth + playability. Sleek contoured body, slim neck, and crisp pickups capture your unique + style. Versatile 4-string bass brings stellar tone and feel for funk to metal. + price: 57.99 + image: 387f55e6-0eb9-47d6-9ef1-56a80b884430.jpg + where_visible: UI +- id: bec6d82b-b23d-45d9-91c9-6693d4585e68 + current_stock: 13 + name: Funky Bass Guitar Grooves + category: instruments + style: strings + description: This electric bass guitar delivers rich low end tones with its contoured + body, fast neck, and dual humbucking pickups. Effortlessly groove and improvise + on stage or at home. + price: 104.99 + image: bec6d82b-b23d-45d9-91c9-6693d4585e68.jpg + where_visible: UI +- id: 8d515773-5a61-4625-8ad0-6347e6ec6e3f + current_stock: 7 + name: Funky Bass Guitar Jam + category: instruments + style: strings + description: Feel the thump with this expertly crafted Electric Bass. Its contoured + body, fast neck, and dual humbuckers deliver rich, clear low-end for any style. + The versatile tone and playability let your bass skills shine. + price: 153.99 + image: 8d515773-5a61-4625-8ad0-6347e6ec6e3f.jpg + where_visible: UI +- id: bf2feed1-147b-4363-8b1c-b1f2bab5ef3b + current_stock: 17 + name: Sleek Maple Bass Guitar + category: instruments + style: strings + description: Craft a thundering bass sound with this electric guitar. Its slim maple + neck and dual humbucking pickups deliver deep lows, growling mids, and crisp highs + for versatile playing. + price: 271.99 + image: bf2feed1-147b-4363-8b1c-b1f2bab5ef3b.jpg + where_visible: UI +- id: 2a503471-8576-4a1c-9f4b-f33d6048781b + current_stock: 19 + name: Sleek Electric Bass Guitar for Resonant Tones + category: instruments + style: strings + description: Expertly crafted electric bass guitar delivers resonant tone and sleek + style. Its fast neck and crisp pickups capture clean lows to sparkling highs, + making this versatile 4-string perfect for any player's practice, performance + and recording needs. + price: 428.99 + image: 2a503471-8576-4a1c-9f4b-f33d6048781b.jpg + where_visible: UI +- id: a0f88610-d8cc-4f18-a6d1-fc4e357e8600 + current_stock: 12 + name: Sleek Bass Guitar with Stunning Tone + category: instruments + style: strings + description: With its sleek, contoured body and fast maple neck, this bass produces + stunning tone. Crisp pickups capture nuanced playing across rich lows and sparkling + highs. Anchors any ensemble with versatile sound. + price: 482.99 + image: a0f88610-d8cc-4f18-a6d1-fc4e357e8600.jpg + where_visible: UI +- id: 23a0b541-5802-4664-9a0d-1d1e19903f90 + current_stock: 16 + name: Versatile Electric Guitar for All + category: instruments + style: strings + description: This versatile electric guitar delivers professional-quality sound + and playability. Its dual humbucking pickups produce crisp, clean tones for any + genre. Great for amateurs progressing their skills or experienced players seeking + top features like a fast maple neck, alder body, and tremolo bridge in a lightweight, + travel-friendly design. + price: 405.99 + image: 23a0b541-5802-4664-9a0d-1d1e19903f90.jpg + where_visible: UI + promoted: true +- id: 6eeada5d-0418-48f6-83bc-802d1b52e93c + current_stock: 15 + name: Vibrant Electric Guitar Inspires All + category: instruments + style: strings + description: This versatile electric guitar produces vibrant tones that inspire, + with a lightweight body designed for comfort and optimized pickups to delight + guitarists of all levels. + price: 232.99 + image: 6eeada5d-0418-48f6-83bc-802d1b52e93c.jpg + where_visible: UI +- id: c88ce500-8abd-443f-859b-c6168b58ea58 + current_stock: 6 + name: Sleek Electric Guitar for Rocking Riffs + category: instruments + style: strings + description: This versatile electric guitar delivers iconic rock tones and smooth + playability for amateur and pro musicians seeking top quality sound. + price: 421.99 + image: c88ce500-8abd-443f-859b-c6168b58ea58.jpg + where_visible: UI + promoted: true +- id: bedf4979-a4ee-40b5-a6a6-58957977ea65 + current_stock: 7 + name: Sleek Dual-Humbucker Electric Guitar + category: instruments + style: strings + description: This versatile electric guitar delivers pro-quality tone and playability. + Its dual humbuckers provide crisp, clean sound perfect for rock, blues, jazz and + country. Sleek natural finish and premium components make this an exceptional + guitar at a great value. + price: 338.99 + image: bedf4979-a4ee-40b5-a6a6-58957977ea65.jpg + where_visible: UI +- id: 54b6faaf-c7fd-4abc-83b1-eaf7979f46f6 + current_stock: 14 + name: Sleek Electric Guitar Sings Versatile Tones + category: instruments + style: strings + description: This versatile electric guitar delivers pro-quality sound and playability + for rock, blues, jazz, and country musicians. Its smooth maple neck and crisp + humbucking pickups unleash expressive tones across 22 frets. + price: 463.99 + image: 54b6faaf-c7fd-4abc-83b1-eaf7979f46f6.jpg + where_visible: UI +- id: 8220a6f2-3e00-4ce9-af2d-7ce9856d5354 + current_stock: 11 + name: Sleek Electric Guitar with Vibrant Tone + category: instruments + style: strings + description: Electrify your sound with this sleek electric guitar featuring a vibrant, + crisp tone perfect for rock, blues, jazz, and metal. Its premium build allows + smooth playability across the fretboard so you can jam out in style. + price: 118.99 + image: 8220a6f2-3e00-4ce9-af2d-7ce9856d5354.jpg + where_visible: UI + promoted: true +- id: 0b4a89c6-821f-4420-88d5-afdbbce66545 + current_stock: 8 + name: Sleek Electric Guitar for All Players + category: instruments + style: strings + description: This sleek electric guitar delivers crisp, clean tones perfect for + any genre. Its lightweight alder body and fast maple neck allow effortless playing, + while the dual humbuckers produce versatile rock, blues, jazz or country sounds. + Serious musicians will love the quality and versatility of this feature-packed + instrument. + price: 433.99 + image: 0b4a89c6-821f-4420-88d5-afdbbce66545.jpg + where_visible: UI +- id: 468a8075-7b32-47dc-b5dd-1ecb3a5d26f4 + current_stock: 6 + name: Sleek Electric Guitar with Soulful Sound + category: instruments + style: strings + description: Experience vibrant tone and smooth playability with this sleek electric + guitar. The solid body construction and dual humbucking pickups produce incredible + versatility whether you seek clean or high-gain tones. Electrify your sound with + this quality instrument. + price: 249.99 + image: 468a8075-7b32-47dc-b5dd-1ecb3a5d26f4.jpg + where_visible: UI +- id: 3f9a39b2-0d63-4751-b6ee-4ecd08dd2276 + featured: true + current_stock: 11 + name: Vibrant Tone Electric Guitar + category: instruments + style: strings + description: Experience vibrant tone and incredible playability with this sleek, + solid-body electric guitar. The dual humbucking pickups capture the guitar's acoustic + resonance, adding warmth and sustain across the tonal spectrum. Crafted for creativity + and inspiration. + price: 405.99 + image: 3f9a39b2-0d63-4751-b6ee-4ecd08dd2276.jpg + where_visible: UI + promoted: true +- id: 79200e20-14e1-451f-b366-b13f8c4ed0dc + current_stock: 8 + name: Sparkling Electric Guitar + category: instruments + style: strings + description: This sleek electric guitar produces crisp, clean notes with smooth + playability. Its vibrant tone and versatile pickups allow exceptional tonal control + to craft your unique sound across genres. Electrify your music with exceptional + quality. + price: 393.99 + image: 79200e20-14e1-451f-b366-b13f8c4ed0dc.jpg + where_visible: UI +- id: 6ca2a410-aba9-4c73-9dae-d188412e0e50 + current_stock: 17 + name: Sleek Electric Guitar with Soulful Sound + category: instruments + style: strings + description: Capture imagination and emotion with the vibrant, sleek electric guitar. + Its solid alder body produces balanced tones. Dual humbuckers allow crisp cleans + to searing leads. Feel inspiration with every chord. + price: 114.99 + image: 6ca2a410-aba9-4c73-9dae-d188412e0e50.jpg + where_visible: UI +- id: c01afde0-020b-4220-8006-2a40245cad8c + current_stock: 10 + name: Sleek Electric Guitar - Versatile Tones for All Genres + category: instruments + style: strings + description: Sleek, versatile electric guitar delivers crisp, clean tones for rock, + blues, jazz and country. Premium components ensure reliable tuning and comfort + for aggressive playing at gigs or band practice. + price: 309.99 + image: c01afde0-020b-4220-8006-2a40245cad8c.jpg + where_visible: UI +- id: b4e0ec0f-efec-4103-a741-d9e373808130 + current_stock: 17 + name: Sleek Electric Guitar - Play Like the Pros + category: instruments + style: strings + description: This versatile electric guitar delivers pro-level playability and crisp, + clean rock, blues, jazz, and country tones in a lightweight, contoured design + perfect for gigs or practice. + price: 240.99 + image: b4e0ec0f-efec-4103-a741-d9e373808130.jpg + where_visible: UI +- id: 0a29e23d-4f47-4314-a468-e6417c733eb6 + current_stock: 15 + name: Sleek Guitar for Versatile Playing + category: instruments + style: strings + description: This versatile electric guitar delivers pro-quality tone and playability + for rock, blues, jazz and country. Its dual humbuckers provide crisp, clean sound + while the slim maple neck enables smooth soloing across 22 frets. + price: 350.99 + image: 0a29e23d-4f47-4314-a468-e6417c733eb6.jpg + where_visible: UI +- id: 67438f99-65f6-4788-827c-0e69538f29c6 + current_stock: 7 + name: Rock Out Like a Pro + category: instruments + style: strings + description: This versatile electric guitar delivers pro-quality tone and playability + for rock, blues, jazz, and country. Its premium components like dual humbuckers, + fast maple neck, and tremolo bridge allow amateurs to progress and pros to shine. + price: 360.99 + image: 67438f99-65f6-4788-827c-0e69538f29c6.jpg + where_visible: UI +- id: ba78ccfe-ac38-41e8-8129-1364f0395d37 + current_stock: 10 + name: Vibrant Electric Guitar Inspires Creativity + category: instruments + style: strings + description: Electrify your sound with this sleek electric guitar. Its smooth playability + and vibrant tone nurture creativity across genres. Crafted with care, it empowers + artists to amplify their talent. + price: 345.99 + image: ba78ccfe-ac38-41e8-8129-1364f0395d37.jpg + where_visible: UI +- id: b2fe1064-c32d-4bec-9162-04c7cf57a891 + current_stock: 14 + name: Rock Out Like a Pro + category: instruments + style: strings + description: A versatile electric guitar delivering iconic rock, blues, jazz, and + country tones thanks to dual humbucking pickups. Its slim maple neck and die-cast + tuners allow easy playability and stable tuning for amateur and pro musicians + seeking top-quality sound. + price: 273.99 + image: b2fe1064-c32d-4bec-9162-04c7cf57a891.jpg + where_visible: UI +- id: 56ca3f0a-03cc-4496-9530-41d8c6069459 + current_stock: 6 + name: Sleek Guitar with Vibrant Sound + category: instruments + style: strings + description: This sleek electric guitar produces vibrant tones to amplify your talent. + Its smooth playability and dynamic range shine whether you're starting out or + a seasoned guitarist. + price: 430.99 + image: 56ca3f0a-03cc-4496-9530-41d8c6069459.jpg + where_visible: UI + promoted: true +- id: aba82efa-2976-47ab-81cd-3092294b7a1b + current_stock: 17 + name: Sleek Electric Guitar for Any Style + category: instruments + style: strings + description: This versatile electric guitar delivers pro-quality tone and playability + for rock, blues, jazz, and country. Its premium components and sleek alder body + provide exceptional sound and comfort for gigs or practice. + price: 217.99 + image: aba82efa-2976-47ab-81cd-3092294b7a1b.jpg + where_visible: UI +- id: 41675b9d-d2bd-41e2-bd56-870dd05df97b + current_stock: 9 + name: Sleek Electric Guitar with Versatile Tone + category: instruments + style: strings + description: This versatile electric guitar produces crystalline highs and thundering + lows. Its solid alder body and maple neck provide stability and balanced tone + for clean or distorted sounds. + price: 345.99 + image: 41675b9d-d2bd-41e2-bd56-870dd05df97b.jpg + where_visible: UI +- id: f6a4deb4-3638-44e5-92c6-d0f980e5f5b8 + current_stock: 10 + name: Sleek Electric Guitar Inspires Creativity + category: instruments + style: strings + description: With incredible tone and versatile sound, this sleek electric guitar + inspires creativity. Its fast maple neck, dual pickups, and contoured alder body + provide exceptional playability, while vintage styling gives complete tonal control + for guitarists ready to elevate their music. + price: 468.99 + image: f6a4deb4-3638-44e5-92c6-d0f980e5f5b8.jpg + where_visible: UI +- id: 2de31913-a3d6-4e93-a8a9-17983f24e2f8 + current_stock: 9 + name: Crisp Electric Guitar with Vibrant Sound + category: instruments + style: strings + description: This electric guitar delivers vibrant tones and incredible playability + in a lightweight, resonant design. Its versatile humbucking pickups produce lush + highs to growling lows, inspiring intermediate and pro players alike. + price: 262.99 + image: 2de31913-a3d6-4e93-a8a9-17983f24e2f8.jpg + where_visible: UI +- id: 2f182add-43fd-41f2-8899-d9e2fe507625 + current_stock: 6 + name: Sleek Electric Guitar with Soulful Sound + category: instruments + style: strings + description: This versatile electric guitar produces superior tone with crystalline + highs and thundering lows. Its solid alder body and maple neck provide balanced + resonance across genres. The dual humbuckers and 5-way switch enable a wide tonal + palette. + price: 263.99 + image: 2f182add-43fd-41f2-8899-d9e2fe507625.jpg + where_visible: UI + promoted: true +- id: bb3055a1-989f-4a8f-bf42-a010f19342e6 + current_stock: 7 + name: Sleek Electric Guitar for Expressive Playing + category: instruments + style: strings + description: This versatile electric guitar delivers professional-quality sound + and playability for rock, blues, jazz, and country. Its premium components allow + for complex solos, stay-in-tune reliability, and expressive techniques. + price: 367.99 + image: bb3055a1-989f-4a8f-bf42-a010f19342e6.jpg + where_visible: UI +- id: b273d93b-6470-4b75-9f1a-78d22f48b2d4 + current_stock: 19 + name: Sleek Electric Guitar for All Players + category: instruments + style: strings + description: This versatile electric guitar delivers pro-quality tone and playability + for rock, blues, jazz, and country. Its dual humbuckers, Alder body, maple neck, + and tremolo bridge allow amateurs to progress and pros to shine. + price: 253.99 + image: b273d93b-6470-4b75-9f1a-78d22f48b2d4.jpg + where_visible: UI +- id: 4ea3fcbe-665b-4c33-b8b6-1d593460153d + current_stock: 14 + name: Bold Tones Ignite Musical Passion + category: instruments + style: strings + description: This electric guitar produces a rich, resonant sound that inspires + creativity across musical genres. Its smooth playability and classic style complement + the bold humbucker pickups, capturing a versatile tonal palette from mellow warmth + to aggressive bite. + price: 449.99 + image: 4ea3fcbe-665b-4c33-b8b6-1d593460153d.jpg + where_visible: UI +- id: 4f88d8c2-6ea8-434d-a31b-0955626c139a + current_stock: 7 + name: Sleek Electric Guitar for Smooth Sound + category: instruments + style: strings + description: This versatile electric guitar delivers pro-quality tone and playability + to take your music to the next level. Its dual humbuckers, contoured alder body + and fast maple neck allow for crisp, expressive sound across genres. + price: 306.99 + image: 4f88d8c2-6ea8-434d-a31b-0955626c139a.jpg + where_visible: UI +- id: 90399dec-acd9-4080-a905-c9421058d404 + current_stock: 10 + name: Vibrant Electric Guitar with Crisp Tone + category: instruments + style: strings + description: Electrify your musical sound with this sleek electric guitar featuring + crisp steel strings, smooth playability, and vibrant tone shaped by single-coil + pickups. Expertly crafted for exceptional resonance and comfort. + price: 242.99 + image: 90399dec-acd9-4080-a905-c9421058d404.jpg + where_visible: UI +- id: 24a19516-a629-4703-af46-cf28f604a48a + current_stock: 11 + name: Sleek Guitar for Versatile Sound + category: instruments + style: strings + description: This versatile electric guitar delivers pro-quality tone and playability + for rock, blues, jazz, and country. Its dual humbuckers provide crisp, clean sound + that can be split for single coil versatility. Sleek design with contoured body + for comfort. + price: 99.99 + image: 24a19516-a629-4703-af46-cf28f604a48a.jpg + where_visible: UI +- id: 8bd4bfdd-eaa6-472c-9e8e-c29f85f4b9c5 + current_stock: 14 + name: Handcrafted Violin Inspires Warm Resonance + category: instruments + style: strings + description: This handcrafted full-size violin produces a warm, resonant tone perfect + for musicians of all levels. Master luthiers carefully build it to exacting standards + with premium spruce, maple, and ebony to inspire artists with its rich sound and + beautiful craftsmanship. + price: 404.99 + image: 8bd4bfdd-eaa6-472c-9e8e-c29f85f4b9c5.jpg + where_visible: UI +- id: 56df610b-ae16-4f6f-9276-3665c8da3655 + current_stock: 17 + name: Resonant Handcrafted Violin + category: instruments + style: strings + description: This handcrafted violin delivers a rich, resonant tone perfect for + amateur or professional musicians. Expertly constructed from quality tonewoods + for comfortable playability and nuanced intonation across all strings. An ideal + instrument for solo performances or ensemble playing. + price: 386.99 + image: 56df610b-ae16-4f6f-9276-3665c8da3655.jpg + where_visible: UI + promoted: true +- id: 4cabc8ea-263b-4642-bce6-7309d60f3e08 + current_stock: 6 + name: Rich Tone Handcrafted Violin + category: instruments + style: strings + description: This handcrafted violin produces a warm, resonant tone perfect for + aspiring musicians. Expertly constructed with quality wood, it features a beautiful + varnish finish and is meticulously tuned for optimal playability and rich sound. + price: 379.99 + image: 4cabc8ea-263b-4642-bce6-7309d60f3e08.jpg + where_visible: UI +- id: 93a1db77-615e-49aa-9f1e-edcf7c6675f4 + current_stock: 12 + name: Resonant Handcrafted Violin + category: instruments + style: strings + description: This handcrafted violin produces a warm, resonant tone perfect for + musicians. Expertly constructed with quality wood and an exquisite varnish finish, + it features comfort-enhancing ebony appointments. Inspire your creativity with + its excellent playability and tone. + price: 77.99 + image: 93a1db77-615e-49aa-9f1e-edcf7c6675f4.jpg + where_visible: UI +- id: 1ff518b5-97be-45f7-bd7e-1d70484afc72 + current_stock: 6 + name: Handcrafted Violin with Warm Resonant Tone + category: instruments + style: strings + description: This handcrafted full-size violin produces a warm, resonant tone perfect + for demanding musicians. Expertly constructed with quality spruce and maple, it + offers optimal playability and a rich, nuanced sound across all registers. An + exemplary instrument exceeding expectations. + price: 350.99 + image: 1ff518b5-97be-45f7-bd7e-1d70484afc72.jpg + where_visible: UI +- id: c16068f6-8f02-4d52-9680-bfe0c75e68ac + current_stock: 9 + name: Artisan Violin with Soulful Sound + category: instruments + style: strings + description: This handcrafted violin produces a warm, resonant tone perfect for + musicians. Expertly constructed with quality maple and spruce, it features an + exquisite finish. Let your musical passion shine with this fine, meticulously + tuned instrument. + price: 356.99 + image: c16068f6-8f02-4d52-9680-bfe0c75e68ac.jpg + where_visible: UI +- id: 39b4eae7-37ee-4e6d-a617-afdf77129be5 + current_stock: 17 + name: Rich Tone Clarinet for Expressive Play + category: instruments + style: wind + description: This clarinet produces a warm, rich tone perfect for soloists or ensembles. + Crafted with premium grenadilla wood and precise intonation, it allows musicians + to play expressively. Its sleek design provides comfort during long performances. + price: 192.99 + image: 39b4eae7-37ee-4e6d-a617-afdf77129be5.jpg + where_visible: UI +- id: 3f91dc0a-b158-47d4-a6ad-9bbf5c6560e5 + current_stock: 10 + name: Handcrafted Flute, Exquisite Tone + category: instruments + style: wind + description: Presenting the Handcrafted Flute with Exquisite Tone - this premium, + hand-crafted flute produces an unparalleled, melodious sound perfect for any genre. + Meticulously designed for optimal acoustics. + price: 158.99 + image: 3f91dc0a-b158-47d4-a6ad-9bbf5c6560e5.jpg + where_visible: UI + promoted: true +- id: c14e9f90-ca7c-4f8b-aace-fa9b9cb27a83 + current_stock: 14 + name: Artisan Grenadilla Wood Flute + category: instruments + style: wind + description: Presenting the Elegant Grenadilla Wood Flute - Crafted with care for + superior tone and effortless playability. This professional instrument enables + artistic expression through its hand-finished keys, meticulous tuning, and resonance. + price: 431.99 + image: c14e9f90-ca7c-4f8b-aace-fa9b9cb27a83.jpg + where_visible: UI +- id: a00edb41-1c04-4dba-b7d4-431723d8c0c4 + current_stock: 15 + name: Brass Magic in Your Hands + category: instruments + style: wind + description: Experience the regal splendor of this elegantly crafted French Horn. + Its rich, warm brass tones and smooth rotary valves allow musicians to achieve + the classic horn sound essential for any ensemble. + price: 279.99 + image: a00edb41-1c04-4dba-b7d4-431723d8c0c4.jpg + where_visible: UI + promoted: true +- id: 66725b05-5d69-48f5-bafc-883957a493d1 + current_stock: 14 + name: Elegant French Horn, Warm Royal Tone + category: instruments + style: wind + description: This elegantly crafted French Horn produces a warm, regal tone perfect + for any musician seeking the classic brass experience. + price: 192.99 + image: 66725b05-5d69-48f5-bafc-883957a493d1.jpg + where_visible: UI +- id: 31559f3a-2d38-4735-8110-db6d620b4fde + current_stock: 10 + name: Captivating Saxophone, Sublime Sound + category: instruments + style: wind + description: Play sublime notes on this rich, warm professional saxophone. The premium + handcrafted instrument inspires musicians to reach new heights with effortless + fingering and captivating tone perfect for practice or performance. + price: 62.99 + image: 31559f3a-2d38-4735-8110-db6d620b4fde.jpg + where_visible: UI +- id: 6782b1d3-0c07-4c4b-a17a-3ebd50b6da89 + current_stock: 19 + name: Warm Tones Saxophone + category: instruments + style: wind + description: This professional saxophone produces a warm, rich tone perfect for + any musician. The ergonomic key design enables fast playing while the hand-engraved + decorations add elegant flair. + price: 117.99 + image: 6782b1d3-0c07-4c4b-a17a-3ebd50b6da89.jpg + where_visible: UI +- id: fb3f96ca-1a42-4477-92bf-e3109c442b0c + current_stock: 6 + name: Captivating Saxophone for Advanced Players + category: instruments + style: wind + description: Capture the imagination with rich, warm tones from this handcrafted + professional saxophone. Expertly designed for advanced players pursuing saxophone + mastery. + price: 106.99 + image: fb3f96ca-1a42-4477-92bf-e3109c442b0c.jpg + where_visible: UI +- id: 76fa669b-1611-4f31-8377-55c3e701ced4 + current_stock: 6 + name: Vibrant Tenor Saxophone, Expressive Tones + category: instruments + style: wind + description: This rich-toned tenor saxophone produces a broad range of expressive + jazz, rock, and classical tones. Its ergonomic design provides comfort during + lengthy practices and performances. + price: 95.99 + image: 76fa669b-1611-4f31-8377-55c3e701ced4.jpg + where_visible: UI +- id: 635be5a7-3345-46f9-aa0d-419a6652b0f2 + current_stock: 6 + name: Vibrant Professional Saxophone + category: instruments + style: wind + description: This professional saxophone produces a rich, warm tone perfect for + advanced musicians seeking expressive sound and comfortable playability. Superior + craftsmanship and premium materials create an instrument that belongs in the hands + of serious saxophonists. + price: 390.99 + image: 635be5a7-3345-46f9-aa0d-419a6652b0f2.jpg + where_visible: UI +- id: 06fee48b-f820-46b5-b4fe-1e459d1cf9d7 + current_stock: 14 + name: Sparkling Brass Trumpet Song + category: instruments + style: wind + description: This brilliantly handcrafted brass trumpet produces a rich, resonant + tone perfect for any genre. Its flawless design and transcendent musicality make + it the pinnacle of the trumpet maker's art. + price: 285.99 + image: 06fee48b-f820-46b5-b4fe-1e459d1cf9d7.jpg + where_visible: UI + promoted: true +- id: 29cf2176-3ba3-4762-b537-66bc226a7766 + current_stock: 6 + name: Gleaming Trumpet Sings Golden Tones + category: instruments + style: wind + description: This exquisite handcrafted brass trumpet produces a rich, vibrant tone + perfect for any genre. Its flawless intonation and effortless playability make + it a joy for musicians to perform with. + price: 200.99 + image: 29cf2176-3ba3-4762-b537-66bc226a7766.jpg + where_visible: UI + promoted: true +- id: 85cbbb25-676b-4619-9aa5-b73cdb40c773 + current_stock: 10 + name: Bold Brass Trumpet Sings + category: instruments + style: wind + description: Presenting the Gleaming Brass Trumpet, a handcrafted, rich-sounding + professional instrument offering unmatched quality, precise tubing, effortless + playability, and brilliant, warm tone for discerning musicians. + price: 370.99 + image: 85cbbb25-676b-4619-9aa5-b73cdb40c773.jpg + where_visible: UI +- id: bae78d39-8f13-4497-839e-9dba87583b93 + current_stock: 15 + name: Shining Brass Trumpet Sings + category: instruments + style: wind + description: Presenting the Gleaming Brass Trumpet, a brilliantly-toned instrument + perfect for amateurs and professionals alike. Sculpted elegance and versatile + virtuosity in one durable, hand-polished package. Let your inner artist shine + with this top-quality trumpet today. + price: 108.99 + image: bae78d39-8f13-4497-839e-9dba87583b93.jpg + where_visible: UI + promoted: true +- id: a8d5f650-a661-4089-a6b6-674874eee4ae + current_stock: 11 + name: Brilliant Brass Trumpet + category: instruments + style: wind + description: Presenting the Gleaming Brass Trumpet - a rich, resonant instrument + handcrafted to perfection for jazz, classical and virtuoso playing. Expertly designed + with smooth valves and precise control, this magnificent trumpet helps aspiring + and lifelong musicians shine. + price: 402.99 + image: a8d5f650-a661-4089-a6b6-674874eee4ae.jpg + where_visible: UI + promoted: true +- id: f7b35f32-047d-4d05-be52-d38f648fe62d + current_stock: 10 + name: Sparkling Elegant Bracelet + category: jewelry + style: bracelet + description: This refined bracelet features intricate details and impeccable craftsmanship, + adding sophisticated elegance to elevate any outfit for special occasions. + price: 118.99 + image: f7b35f32-047d-4d05-be52-d38f648fe62d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 9254d2a2-8e8b-4df4-af68-705a2deccda6 + current_stock: 17 + name: Sophisticated Everyday Elegance Bracelet + category: jewelry + style: bracelet + description: Expertly crafted bracelet with timeless elegance. Its versatile design + and high-quality finish make this a go-to accessory for any occasion. Sophisticated + style meets everyday wearability. + price: 135.99 + image: 9254d2a2-8e8b-4df4-af68-705a2deccda6.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 7a52ede4-bed8-4720-9cf3-9cb6908d89f5 + current_stock: 11 + name: Sparkling Bracelet for Her Special Day + category: jewelry + style: bracelet + description: This sparkling bracelet for her features a timeless and elegant design + with subtle sparkle. Expertly crafted from the finest materials, it's a versatile + accessory that adds effortless glamour to any outfit, perfect for any special + woman. + price: 115.99 + image: 7a52ede4-bed8-4720-9cf3-9cb6908d89f5.jpg + gender_affinity: F + where_visible: UI +- id: 854adde5-fc7b-4659-a353-c8e84668ef79 + current_stock: 18 + name: Sparkling Bracelet for Her + category: jewelry + style: bracelet + description: With timeless elegance, this exquisite bracelet adds graceful style + to any outfit. Beautifully crafted and comfortably designed, this stunning jewelry + piece makes the perfect gift for that special woman in your life. + price: 55.99 + image: 854adde5-fc7b-4659-a353-c8e84668ef79.jpg + gender_affinity: F + where_visible: UI +- id: 7e259b82-d821-484b-80a4-d7adab366684 + current_stock: 9 + name: Timeless Grace Bracelet + category: jewelry + style: bracelet + description: This elegant and timeless bracelet features a polished finish and slim, + graceful design that effortlessly complements any outfit. The perfect versatile + accessory to add sophistication to your style. + price: 76.99 + image: 7e259b82-d821-484b-80a4-d7adab366684.jpg + gender_affinity: F + where_visible: UI +- id: 0403293c-572f-4a75-bbad-129a95db912a + current_stock: 10 + name: Sparkling Gemstone Bracelet + category: jewelry + style: bracelet + description: Dazzle with this intricate bracelet featuring a smooth metal design + with embedded gems that shine and sparkle, perfect for adding elegance day or + night. + price: 112.99 + image: 0403293c-572f-4a75-bbad-129a95db912a.jpg + gender_affinity: F + where_visible: UI +- id: b2dda0f7-8400-45fc-89b8-ec73ff7fc69c + current_stock: 10 + name: Timeless Heirloom Bracelet + category: jewelry + style: bracelet + description: Introducing the Elegant Heirloom Bracelet, a timeless and luxurious + accessory crafted with care. This slender yet substantial bracelet complements + any outfit with its delicate beauty and impeccable style. Wear it for generations + to come. + price: 92.99 + image: b2dda0f7-8400-45fc-89b8-ec73ff7fc69c.jpg + gender_affinity: F + where_visible: UI +- id: 8aeba72c-ebd6-4f98-8dfb-0fe463332f90 + current_stock: 7 + name: Charming Heart Flower Butterfly Bracelet + category: jewelry + style: bracelet + description: This charming bracelet features a delicate chain decorated with whimsical + heart, flower, and butterfly charms. An elegant accessory that adds feminine flair + to any outfit. + price: 66.99 + image: 8aeba72c-ebd6-4f98-8dfb-0fe463332f90.jpg + gender_affinity: F + where_visible: UI +- id: fe77abc8-fd8b-4bf2-aac0-8375f77e4b2f + current_stock: 6 + name: Dazzling Gemstone Bracelet for Precious Moments + category: jewelry + style: bracelet + description: Introducing the dazzling gemstone bracelet - a luxurious accessory + crafted from precious metals and sparkling gemstones. This elegant bracelet features + a timeless design that effortlessly elevates any outfit. Cherish this fine jewelry + piece for its beauty and graceful presence - a reminder of life's special moments. + price: 83.99 + image: fe77abc8-fd8b-4bf2-aac0-8375f77e4b2f.jpg + gender_affinity: F + where_visible: UI +- id: dbc54b26-dd46-4ed5-a67a-423450fff199 + current_stock: 8 + name: Elegant Bracelet for Special Moments + category: jewelry + style: bracelet + description: Expertly crafted bracelet featuring an elegant design with intricate + details. This timeless jewelry piece adds sophistication to any outfit for special + occasions or a subtle flair for nights out. A meaningful gift made to last. + price: 120.99 + image: dbc54b26-dd46-4ed5-a67a-423450fff199.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 120e30c2-30ff-4c57-8265-17d084436ebb + current_stock: 12 + name: Elegant Asymmetrical Bracelet for Her + category: jewelry + style: bracelet + description: Introducing the Sans Pareil Elegant Asymmetrical Bracelet - an exquisite, + versatile accessory crafted with the finest materials in a timeless yet modern + design. This graceful bracelet adds a touch of sophistication to any outfit, perfect + for dressing up or down. Treasured for its beauty and versatility. + price: 65.99 + image: 120e30c2-30ff-4c57-8265-17d084436ebb.jpg + gender_affinity: F + where_visible: UI +- id: 5179cb33-6f39-4f64-8a06-7f28cb206c30 + current_stock: 10 + name: Sparkly CZ Bracelet Shines Bright + category: jewelry + style: bracelet + description: Make an elegant statement with this sterling silver bracelet featuring + a delicate link chain design and petite CZ stones. The subtle sparkle catches + the light with your every move for day to night versatility. + price: 62.99 + image: 5179cb33-6f39-4f64-8a06-7f28cb206c30.jpg + gender_affinity: F + where_visible: UI +- id: f829ccbf-c5fa-4e9a-865c-86dd4e326251 + current_stock: 11 + name: Elegant Refined Bracelet + category: jewelry + style: bracelet + description: This elegant bracelet features a refined design with intricate details + that reflect impeccable craftsmanship. The timeless beauty adds sophistication + to any outfit for special occasions or a subtle flair for a night out. + price: 126.99 + image: f829ccbf-c5fa-4e9a-865c-86dd4e326251.jpg + gender_affinity: F + where_visible: UI +- id: fc129947-17da-4924-ab85-078e5db61075 + current_stock: 12 + name: Charming Timeless Bracelet + category: jewelry + style: bracelet + description: Expertly crafted bracelet featuring a delicate yet durable design. + Its timeless style adds effortless charm and sophistication to any outfit, making + it the perfect versatile accessory. + price: 128.99 + image: fc129947-17da-4924-ab85-078e5db61075.jpg + gender_affinity: F + where_visible: UI +- id: 38441038-aa7a-44c9-a1a5-e03d1d8670e3 + current_stock: 12 + name: Sparkling Polished Bracelet + category: jewelry + style: bracelet + description: The Matchless Polished Bracelet is an elegant accessory crafted with + high-quality materials and timeless polished design to effortlessly complement + any look. This versatile bracelet will become an instant favorite for its flawless + style and brilliant shine. + price: 144.99 + image: 38441038-aa7a-44c9-a1a5-e03d1d8670e3.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 434b62f5-08ac-47c8-9847-bdfcb7283f08 + current_stock: 16 + name: Sparkling Bracelet for Elegant Style + category: jewelry + style: bracelet + description: This elegant bracelet features shimmering gemstones set in precious + metals. Its timeless design contours gracefully around your wrist, lending sophistication + and glamour to elevate any outfit. + price: 92.99 + image: 434b62f5-08ac-47c8-9847-bdfcb7283f08.jpg + gender_affinity: F + where_visible: UI +- id: fbd0ad8d-0d41-4dcd-b1d3-cf93700d8f20 + current_stock: 19 + name: Sparkling Silver Filigree Cuff + category: jewelry + style: bracelet + description: Beautiful filigree bracelet crafted in sterling silver with a row of + sparkling cubic zirconia stones. An elegant accessory for any occasion that will + be treasured for a lifetime. + price: 142.99 + image: fbd0ad8d-0d41-4dcd-b1d3-cf93700d8f20.jpg + gender_affinity: F + where_visible: UI +- id: 210907af-2675-4546-8693-f6a8506841ff + current_stock: 10 + name: Captivating Bracelet for Her + category: jewelry + style: bracelet + description: Expertly crafted Ravishing Bracelet, a timeless and versatile jewelry + piece made with quality materials. This elegant bracelet complements any outfit + and makes a perfect gift for that special woman in your life. + price: 65.99 + image: 210907af-2675-4546-8693-f6a8506841ff.jpg + gender_affinity: F + where_visible: UI +- id: ef3fbe9a-a82f-48a7-93e5-b51cc10f973e + current_stock: 13 + name: Minimalist Foxy Bracelet - Chic Everyday Elegance + category: jewelry + style: bracelet + description: Sleek and chic, the Foxy Bracelet features an elegant minimalist design + that effortlessly complements any outfit. This lightweight bracelet graces the + wrist with its delicate yet eye-catching silhouette. A stylish everyday accessory + for the modern woman. + price: 104.99 + image: ef3fbe9a-a82f-48a7-93e5-b51cc10f973e.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 8d4ea20c-19e5-4bc8-bdb3-7168e89bb176 + current_stock: 7 + name: Sparkling Bracelet for Any Look + category: jewelry + style: bracelet + description: The Flawless Bracelet is an elegant accessory that adds effortless + beauty to any outfit. Expertly crafted with a luxurious finish, this versatile + bracelet is a stylish and practical jewelry essential for every woman's collection. + price: 121.99 + image: 8d4ea20c-19e5-4bc8-bdb3-7168e89bb176.jpg + gender_affinity: F + where_visible: UI +- id: f3f06fce-6be3-4836-a772-2aefa329675b + current_stock: 15 + name: Shimmering Sparkle Bracelet + category: jewelry + style: bracelet + description: Shimmering and sophisticated, this slim bracelet wraps the wrist in + luxurious elegance. Featuring a timeless design, this versatile piece complements + both casual and formal wear. + price: 127.99 + image: f3f06fce-6be3-4836-a772-2aefa329675b.jpg + gender_affinity: F + where_visible: UI +- id: c863d368-e299-4ae3-bac7-7f2cbb6717d6 + current_stock: 9 + name: Brilliant Blend Metal Cuff Bracelet + category: jewelry + style: bracelet + description: Elevate your style with this sublime mixed metal cuff. Featuring a + stunning blend of silver, gold, and rose gold tones in a lightweight, comfortable + design, this versatile bracelet adds a touch of timeless sophistication to any + look. + price: 133.99 + image: c863d368-e299-4ae3-bac7-7f2cbb6717d6.jpg + gender_affinity: F + where_visible: UI +- id: 2386a4f2-d20f-4622-a8ee-0d47f38c1f90 + current_stock: 9 + name: Sparkling Stone Bracelet Glamour + category: jewelry + style: bracelet + description: This dazzling stone bracelet features an elegant yet modern design. + Crafted with luxurious materials, it adds a touch of glamour to any outfit. The + timeless silhouette flatters with an alluring arrangement of glittering stones + set in polished metalwork. + price: 150.99 + image: 2386a4f2-d20f-4622-a8ee-0d47f38c1f90.jpg + gender_affinity: F + where_visible: UI +- id: 386d7138-13b6-46b1-b4db-0f8bf801a6b5 + current_stock: 6 + name: Chic Sublime Charm Bracelet + category: jewelry + style: bracelet + description: The Sublime Charm Bracelet features a timeless and elegant design. + Crafted with care, this bracelet has a smooth luxurious feel and sleek shape, + perfect for adding sophistication to any outfit. An exquisite accessory for the + chic, fashionable woman. + price: 101.99 + image: 386d7138-13b6-46b1-b4db-0f8bf801a6b5.jpg + gender_affinity: F + where_visible: UI +- id: f57c96de-c35d-4b98-af5a-566f9479630d + current_stock: 14 + name: Sparkling Bracelet for Elegant Style + category: jewelry + style: bracelet + description: Sparkling polished bracelet with timeless elegant design. Expertly + crafted for comfort and versatility to complement any outfit, from casual to formal. + An essential accessory that adds sophistication. + price: 78.99 + image: f57c96de-c35d-4b98-af5a-566f9479630d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: a7d17aa3-4576-4907-be47-1c2a735f90f3 + current_stock: 8 + name: Sparkling Asymmetrical Bracelet Elegance + category: jewelry + style: bracelet + description: The Sans Pareil bracelet elegantly masters asymmetry with its modern + flair. Expertly crafted from the finest materials, this versatile bracelet complements + any outfit while adding grace to your wrist. + price: 148.99 + image: a7d17aa3-4576-4907-be47-1c2a735f90f3.jpg + gender_affinity: F + where_visible: UI +- id: f6f44cb4-2b31-4d9b-8483-ce1cd6d24cc4 + current_stock: 7 + name: Sparkling Silver Linked Bracelet + category: jewelry + style: bracelet + description: The Neat Sterling Silver Bracelet is a chic and eye-catching accessory + featuring a delicate linked chain design made from quality materials. This stylish + bracelet will elevate any outfit. + price: 63.99 + image: f6f44cb4-2b31-4d9b-8483-ce1cd6d24cc4.jpg + gender_affinity: F + where_visible: UI +- id: e1f74900-ba40-4ed2-b128-f334b16ee370 + current_stock: 7 + name: Dazzling Elegant Bracelet + category: jewelry + style: bracelet + description: Crafted with exquisite metalwork and eye-catching accents, this elegant + bracelet is a stunning jewelry piece that will turn heads. A treasured accessory + for any occasion, its intricate details and dazzling style add a touch of luxury + to every outfit. + price: 94.99 + image: e1f74900-ba40-4ed2-b128-f334b16ee370.jpg + gender_affinity: F + where_visible: UI +- id: e61bf678-89b5-4214-80db-a5cf4539c541 + current_stock: 6 + name: Woven Metal Accent Bracelet + category: jewelry + style: bracelet + description: Introducing the Swell Bracelet - an intricate woven design with bold + metallic accents. This stylish unisex accessory features an earthy, rugged pattern + and adjustable fit for comfort. Add subtle flair to any outfit with this versatile + bracelet. + price: 148.99 + image: e61bf678-89b5-4214-80db-a5cf4539c541.jpg + gender_affinity: M + where_visible: UI +- id: b41f8f1f-3874-4fa9-8a6e-d9b65a2902df + current_stock: 17 + name: Sleek Silver Men's Bracelet + category: jewelry + style: bracelet + description: This minimalist Swell bracelet for men is an elegantly understated + accessory crafted from high-quality materials with a sleek, rounded exterior. + Adjustable for a perfect fit, it effortlessly elevates any outfit from casual + to formal wear. + price: 94.99 + image: b41f8f1f-3874-4fa9-8a6e-d9b65a2902df.jpg + gender_affinity: M + where_visible: UI +- id: 5e8a2b0f-899c-4061-a8d1-97cad4347803 + current_stock: 17 + name: Sleek Stainless Steel Men's Bracelet + category: jewelry + style: bracelet + description: The Swell Stainless Steel Bracelet is a sleek and stylish accessory + for the modern man. Its polished metal design adds subtle sophistication to any + outfit, whether casual or formal. This versatile piece secures comfortably around + the wrist while exhibiting refined, luxurious flair. + price: 133.99 + image: 5e8a2b0f-899c-4061-a8d1-97cad4347803.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a74abb1e-026e-43ea-a5ba-233cdd114637 + current_stock: 13 + name: Rugged Leather Bracelet for Men + category: jewelry + style: bracelet + description: Crafted from genuine leather and stainless steel, this bold, rugged + men's bracelet makes a stylish statement with its laidback bohemian vibe and unique + mix of retro and contemporary design elements. + price: 124.99 + image: a74abb1e-026e-43ea-a5ba-233cdd114637.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 642a675e-49e1-477a-97d8-6852380988b2 + current_stock: 12 + name: Stylish Bracelet for Refined Men + category: jewelry + style: bracelet + description: This stylish and sophisticated men's bracelet adds a refined yet modern + accent to any look. Expertly crafted with quality materials and elegant detailing, + it's a versatile accessory that completes both casual and formal attire. + price: 145.99 + image: 642a675e-49e1-477a-97d8-6852380988b2.jpg + gender_affinity: M + where_visible: UI +- id: e9daa7cd-8230-4544-9f07-86fa84d7c3c1 + current_stock: 15 + name: Bold Bracelet for Spirited Men + category: jewelry + style: bracelet + description: This spirited bracelet for men features a stylish and unique design + to complement any outfit. The eye-catching details and comfortable fit express + a lively personality. + price: 119.99 + image: e9daa7cd-8230-4544-9f07-86fa84d7c3c1.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: a289ca2c-0135-4864-a710-865d4cf604d8 + current_stock: 8 + name: Bold Leather Cuff Bracelet + category: jewelry + style: bracelet + description: This rugged leather cuff bracelet features bold metal accents and an + eye-catching engraved pattern for a stylish, edgy look. The perfect versatile + accessory to add bold flair to any outfit. + price: 107.99 + image: a289ca2c-0135-4864-a710-865d4cf604d8.jpg + gender_affinity: M + where_visible: UI +- id: 6dc07033-24b9-4467-bd32-31a2e9ccb404 + current_stock: 8 + name: Sleek Bracelet Elevates Men's Style + category: jewelry + style: bracelet + description: The Dandyish Bracelet elevates any gentleman's style with its refined + yet eye-catching design. Expertly crafted for comfort and bold flair. + price: 105.99 + image: 6dc07033-24b9-4467-bd32-31a2e9ccb404.jpg + gender_affinity: M + where_visible: UI +- id: 69f506f5-61ae-4a62-8e65-8a41386c1995 + current_stock: 17 + name: Vibrant Colorful Men's Bracelet + category: jewelry + style: bracelet + description: Make a bold fashion statement with this vibrant men's cuff bracelet + featuring eye-catching colors and patterns. An adjustable fit allows you to showcase + your lively personality in both casual and formal attire. + price: 52.99 + image: 69f506f5-61ae-4a62-8e65-8a41386c1995.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 4039ce10-f9b9-40d8-97a0-87b7a1295b34 + current_stock: 9 + name: Stylish Geometric Earrings + category: jewelry + style: earrings + description: Simply chic, these lightweight metal hip earrings feature a geometric + cutout design and polished finish. Their minimalist yet modern styling effortlessly + transitions from day to night, adding an urban edge to any outfit. + price: 94.99 + image: 4039ce10-f9b9-40d8-97a0-87b7a1295b34.jpg + gender_affinity: F + where_visible: UI +- id: aea053b3-c4c6-44b3-ab6c-9dc5f498cae1 + current_stock: 17 + name: Elegant Swell Earrings + category: jewelry + style: earrings + description: Expertly crafted into an elegant swell shape, these lightweight earrings + add subtle elegance to any outfit. Wear these comfortable, versatile earrings + from day to night to elevate your style with their eye-catching and feminine design. + price: 116.99 + image: aea053b3-c4c6-44b3-ab6c-9dc5f498cae1.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 6ec2a7e8-8b76-4187-b83d-9f9631639d76 + current_stock: 8 + name: Stylish Cool Earrings + category: jewelry + style: earrings + description: Stylish and fashionable lightweight earrings featuring a contemporary + chic design. These comfortable, durable women's earrings complement any outfit + from casual daily wear to dressier occasions with their versatile modern styling + and touch of elegance. The perfect accessory to pull your look together. + price: 23.99 + image: 6ec2a7e8-8b76-4187-b83d-9f9631639d76.jpg + gender_affinity: F + where_visible: UI +- id: ee549b55-eee0-4280-bf62-6eaf26369765 + current_stock: 15 + name: Stylish Versatile Earrings for Any Outfit + category: jewelry + style: earrings + description: Introducing the Voguish Earrings, a stylish and versatile pair that + add glamour to any outfit. Expertly crafted with comfortable hypoallergenic metals, + these lightweight earrings transition effortlessly from day to night. An essential + addition for the fashion-forward woman. + price: 38.99 + image: ee549b55-eee0-4280-bf62-6eaf26369765.jpg + gender_affinity: F + where_visible: UI +- id: 452b5a4c-ad94-40d3-97d2-dbdeebc4354f + current_stock: 16 + name: Groovy Colorful Dangly Earring Surprise + category: jewelry + style: earrings + description: Make a colorful statement with these fun and retro dangly earrings! + Crafted in bright hues, the lightweight metal pieces in circles, teardrops and + stars dangle gracefully. Designed for all-day comfort, these stylish earrings + add a playful pop of personality to any outfit. + price: 46.99 + image: 452b5a4c-ad94-40d3-97d2-dbdeebc4354f.jpg + gender_affinity: F + where_visible: UI +- id: 69efa81b-e1d4-415b-9639-71450fae5bb6 + current_stock: 15 + name: Sparkling Elegant Everyday Earrings + category: jewelry + style: earrings + description: Lightweight and comfortable, these stylish earrings complement any + outfit. With an elegant yet versatile design, these earrings are the perfect spiffy + addition to your jewelry collection for both casual daily wear and formal events. + price: 85.99 + image: 69efa81b-e1d4-415b-9639-71450fae5bb6.jpg + gender_affinity: F + where_visible: UI +- id: 9f7a3af3-a5d5-4a4f-9fc5-3fdae3e9787a + current_stock: 6 + name: Trendy Lightweight Statement Earrings + category: jewelry + style: earrings + description: Make a chic statement with these lightweight, trendy earrings! The + contemporary design complements any outfit from casual to formal. Crafted with + care, these versatile earrings are a must-have accessory that seamlessly transitions + from day to night. + price: 19.99 + image: 9f7a3af3-a5d5-4a4f-9fc5-3fdae3e9787a.jpg + gender_affinity: F + where_visible: UI +- id: 94f6d989-8839-4630-a61d-cfa6344c8ad5 + current_stock: 10 + name: Shimmering Swell Earrings + category: jewelry + style: earrings + description: Elevate your style with the versatile Swell Metallic Earrings. These + lightweight, comfortable earrings feature a stylish swell shape and shiny metallic + finish - perfect for dressing up any outfit from casual to elegant. + price: 95.99 + image: 94f6d989-8839-4630-a61d-cfa6344c8ad5.jpg + gender_affinity: F + where_visible: UI +- id: b57d8a56-c188-465e-acc1-43ee042ae32c + current_stock: 7 + name: Dazzling Swanky Statement Earrings + category: jewelry + style: earrings + description: Shimmering statement earrings featuring eye-catching details and elegant + styling. These glamorous Swanky Earrings are the perfect accessory to elevate + any outfit with dazzling flair. Crafted with care for long-lasting chic style. + price: 52.99 + image: b57d8a56-c188-465e-acc1-43ee042ae32c.jpg + gender_affinity: F + where_visible: UI +- id: 5215c84a-7f87-4060-a86d-75826a35a9e4 + current_stock: 6 + name: Stylish Earrings for Day to Night + category: jewelry + style: earrings + description: Exquisitely crafted lightweight earrings with polished design. Fashion-forward + voguish style pairs effortlessly from day to night. Elevate any outfit with these + sleek, elegant earrings featuring eye-catching details and versatile wearability. + price: 41.99 + image: 5215c84a-7f87-4060-a86d-75826a35a9e4.jpg + gender_affinity: F + where_visible: UI +- id: 1b259830-1ad3-4bc3-a74e-f9d47a60e290 + current_stock: 6 + name: Bold Geometric Earrings for Edgy Style + category: jewelry + style: earrings + description: These geometric earrings are an edgy yet versatile accessory that adds + subtle edge to any outfit. Crafted with lightweight materials in a bold, angular + shape, they seamlessly transition from day to nightwear. + price: 24.99 + image: 1b259830-1ad3-4bc3-a74e-f9d47a60e290.jpg + gender_affinity: F + where_visible: UI +- id: 13ce4d5e-8349-4529-af1f-efb73ad8829f + current_stock: 13 + name: Stylish Geometric Light-Catching Earrings + category: jewelry + style: earrings + description: These geometric earrings feature a sleek and modern design with shiny + cut-outs that catch the light beautifully. Their unique shape and artistic flair + add a bold, refined touch to any look. + price: 12.99 + image: 13ce4d5e-8349-4529-af1f-efb73ad8829f.jpg + gender_affinity: F + where_visible: UI +- id: 1ee559df-965f-4ec7-847c-1d5d9f4170ea + current_stock: 14 + name: Funky Geometric Danglers + category: jewelry + style: earrings + description: Make a bold, retro-chic statement with these lightweight, dangling + metal earrings. Their funky geometric cut-outs sway and shimmer in silver, gold, + or rose gold plating for an on-trend pop of shine. + price: 109.99 + image: 1ee559df-965f-4ec7-847c-1d5d9f4170ea.jpg + gender_affinity: F + where_visible: UI +- id: ea28def7-b36e-415b-8e31-ff4ec83f195a + current_stock: 12 + name: Dazzling Sassy Earrings + category: jewelry + style: earrings + description: Make a bold, elegant statement with these playful yet sophisticated + Sassy Jewelry earrings. Expertly crafted with exquisite details and quality materials + for long-lasting beauty and confidence. + price: 101.99 + image: ea28def7-b36e-415b-8e31-ff4ec83f195a.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 34898360-79dc-4a8c-b774-9a799b0e7054 + current_stock: 8 + name: Stylish Versatile Earrings for Everyday Chic + category: jewelry + style: earrings + description: Elevate your style with these chic and lightweight earrings. Crafted + for everyday elegance, these versatile Modish Earrings add modern flair to any + outfit. Their polished design complements any look, from casual weekends to dressy + evenings out. + price: 67.99 + image: 34898360-79dc-4a8c-b774-9a799b0e7054.jpg + gender_affinity: F + where_visible: UI +- id: cc3edb1a-d73a-4f6a-8718-600cba7f37b4 + current_stock: 12 + name: Dangling Engraved Earrings for Stylish Women + category: jewelry + style: earrings + description: Presenting the Swanky Engraved Dangle Earrings - an elegant and stylish + accessory for women. These lightweight, polished earrings feature unique engraved + details and a dangling design that catches the light. Perfect for both day and + night, these versatile earrings add flair to any outfit. + price: 25.99 + image: cc3edb1a-d73a-4f6a-8718-600cba7f37b4.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 8f4bde5c-2d69-4c30-9c72-c5cff24ca58c + current_stock: 15 + name: Stylish Geometric Earrings + category: jewelry + style: earrings + description: Show off your contemporary style with these Supercool Geometric Earrings. + Uniquely shaped lightweight earrings in an eye-catching design that complements + any outfit. Versatile enough for everyday or a night out. + price: 37.99 + image: 8f4bde5c-2d69-4c30-9c72-c5cff24ca58c.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: b84db397-022a-4cc2-a4ad-b8c320a51d04 + current_stock: 11 + name: Sparkling Silver Swirl CZ Earrings + category: jewelry + style: earrings + description: Sparkle and shine with these elegant silver swirl earrings featuring + dazzling cubic zirconia stones. The asymmetrical design adds modern flair while + the French wires ensure comfortable wear. An eye-catching accessory for any outfit. + price: 99.99 + image: b84db397-022a-4cc2-a4ad-b8c320a51d04.jpg + gender_affinity: F + where_visible: UI +- id: f4f2c80e-cd02-4026-8586-3ec3ff05bbb2 + current_stock: 18 + name: Stylish Lightweight Earrings + category: jewelry + style: earrings + description: Stylish and on-trend earrings featuring a delicate, lightweight design. + Fashionable accessories to complement any outfit - perfect for dressing up day + or night looks. Made to be comfortable, durable and easy to wear. An essential + addition to every woman's jewelry collection. + price: 78.99 + image: f4f2c80e-cd02-4026-8586-3ec3ff05bbb2.jpg + gender_affinity: F + where_visible: UI +- id: 3f791530-9540-4a36-9838-4fb14fc247ae + current_stock: 17 + name: Bold Metallic Statement Earrings + category: jewelry + style: earrings + description: Bold yet chic, these metallic statement earrings feature an angular + design that adds modern edge to any outfit. Crafted with care, these lightweight + showstoppers express your fashion-forward sensibility. + price: 23.99 + image: 3f791530-9540-4a36-9838-4fb14fc247ae.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: c4a3ded4-0004-49dd-9f98-542bb6d71f2c + current_stock: 19 + name: Funky Retro Swirl Earrings + category: jewelry + style: earrings + description: Add retro flair to your style with these groovy silver swirl earrings. + The engraved round disks feature a funky 70's inspired design in shiny hypoallergenic + stainless steel, perfect for accessorizing any outfit with a stylish pop of urban + edge. + price: 103.99 + image: c4a3ded4-0004-49dd-9f98-542bb6d71f2c.jpg + gender_affinity: M + where_visible: UI +- id: aad9fe48-92f9-4197-af5a-505a80316c8c + current_stock: 17 + name: Dashing Men's Statement Earrings + category: jewelry + style: earrings + description: Crafted from premium materials, these intricate and eye-catching men's + earrings display a vibrant personality. Their exquisite details and chic shape + add a dash of flair for the modern man looking to subtly accentuate his stylish + and refined tastes. + price: 66.99 + image: aad9fe48-92f9-4197-af5a-505a80316c8c.jpg + gender_affinity: M + where_visible: UI +- id: 9b149680-3368-4ae0-8f71-9a21d111b8dc + current_stock: 13 + name: Stylish Earrings for Dapper Gents + category: jewelry + style: earrings + description: Make a dapper statement with these sophisticated Dandyish earrings. + The polished modern design and lightweight comfort add refined style to any outfit. + A versatile accessory for the fashionable man. + price: 113.99 + image: 9b149680-3368-4ae0-8f71-9a21d111b8dc.jpg + gender_affinity: M + where_visible: UI +- id: b3c4cb0f-d843-4c5a-91d4-37adf8227bcc + current_stock: 6 + name: Sparkling Elegant Necklace Gift + category: jewelry + style: necklace + description: Introducing the First-Class Necklace, an exquisite and elegant necklace + featuring intricate design details that beautifully catch the light. Expertly + crafted with quality materials, this versatile piece complements any outfit for + a sophisticated look. The perfect gift for that special woman in your life. + price: 140.99 + image: b3c4cb0f-d843-4c5a-91d4-37adf8227bcc.jpg + gender_affinity: F + where_visible: UI +- id: 2ad09e8e-fd41-4d29-953e-546b924d7cb8 + featured: true + current_stock: 16 + name: Sparkling Pendant Necklace + category: jewelry + style: necklace + description: The Trendy Pendant Necklace is a fashionable accessory featuring a + polished pendant on a delicate chain. This versatile necklace complements any + style with a touch of elegance. + price: 50.99 + image: 2ad09e8e-fd41-4d29-953e-546b924d7cb8.jpg + gender_affinity: F + where_visible: UI +- id: aa94f33d-f5bd-401a-a203-6d757a2a2030 + current_stock: 10 + name: Bold Funky Statement Necklace + category: jewelry + style: necklace + description: Make a bold fashion statement with this playful and eye-catching funky + necklace. Its lightweight yet striking design adds flair to any outfit, perfect + for dressing up day or night. + price: 169.99 + image: aa94f33d-f5bd-401a-a203-6d757a2a2030.jpg + gender_affinity: F + where_visible: UI +- id: 8c0b69ac-e8db-4aca-83a9-1a89e0434965 + current_stock: 17 + name: Sparkling Elegant Necklace + category: jewelry + style: necklace + description: This elegant and versatile necklace features a timeless design to add + sophistication to any outfit. Expertly crafted with quality materials for lasting + beauty. A stunning accessory that makes the perfect addition to every woman's + jewelry collection. + price: 112.99 + image: 8c0b69ac-e8db-4aca-83a9-1a89e0434965.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: c624d6a6-4269-4e2e-a172-4ae9da16533c + current_stock: 9 + name: Dazzling Swanky Necklace + category: jewelry + style: necklace + description: Make a bold statement with this elegant swanky necklace featuring a + chic and modern design. The intricate details and exquisite shine give this jewelry + piece a glamorous, sophisticated look perfect for any occasion. + price: 120.99 + image: c624d6a6-4269-4e2e-a172-4ae9da16533c.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 7b8a3927-b430-4c2a-b5bb-32750b601795 + current_stock: 19 + name: Sparkling Gemstone Statement Necklace + category: jewelry + style: necklace + description: Dazzle with this intricate gemstone necklace. Meticulously crafted + from precious metals, it features elegant designs that complement both modern + and traditional styles. This timeless statement piece adds sophisticated beauty + to any outfit. + price: 191.99 + image: 7b8a3927-b430-4c2a-b5bb-32750b601795.jpg + gender_affinity: F + where_visible: UI +- id: 1e5f1f36-9ff4-4436-9555-74b4ef2bd5bf + current_stock: 13 + name: Minimalist Pendant Necklace - Subtle Elegance + category: jewelry + style: necklace + description: Presenting the Swell Minimalist Pendant Necklace - an elegant, versatile + necklace featuring a subtle pendant on an adjustable chain. Crafted with care + using quality materials, this timeless necklace adds a delicate yet statement-making + touch to any outfit. For effortless style and glamour, complete your look with + the Swell. + price: 55.99 + image: 1e5f1f36-9ff4-4436-9555-74b4ef2bd5bf.jpg + gender_affinity: F + where_visible: UI +- id: 0a6050fc-5980-4afb-ad5b-6292fc651438 + current_stock: 19 + name: Stylish Necklace for Elegant Women + category: jewelry + style: necklace + description: The Spiffy Elegant Women's Necklace adds a touch of timeless elegance + to any outfit. Expertly crafted with quality materials, this versatile necklace + transitions effortlessly from day to night. + price: 157.99 + image: 0a6050fc-5980-4afb-ad5b-6292fc651438.jpg + gender_affinity: F + where_visible: UI +- id: 816a7312-8ddd-46da-afef-a85c09550739 + current_stock: 8 + name: Sparkling Statement Necklace + category: jewelry + style: necklace + description: The Flawless Necklace elegantly accents your outfit with its exquisite + details and flawless finish for a timeless shine. This glamorous statement necklace + makes you feel confident and beautiful. + price: 64.99 + image: 816a7312-8ddd-46da-afef-a85c09550739.jpg + gender_affinity: F + where_visible: UI +- id: 0b1cb5d7-c46f-4858-a85a-bd6c9efd850e + current_stock: 7 + name: Stylish Elegant Women's Necklace + category: jewelry + style: necklace + description: Make a stylish statement with this elegant Spiffy necklace. Its timeless + design crafted with quality materials adds a touch of glamour to any outfit for + a must-have accessory. + price: 104.99 + image: 0b1cb5d7-c46f-4858-a85a-bd6c9efd850e.jpg + gender_affinity: F + where_visible: UI +- id: d3d208d3-27ca-49af-b195-15a6e2b4ad24 + current_stock: 16 + name: Dazzling Sassy Sparkle Necklace + category: jewelry + style: necklace + description: Sparkle and shine with this eye-catching Sassy Necklace. An elegant + yet versatile accessory crafted with care from quality materials to add flair + to any outfit. Sophisticated and timeless beauty for day or night. + price: 121.99 + image: d3d208d3-27ca-49af-b195-15a6e2b4ad24.jpg + gender_affinity: F + where_visible: UI +- id: d0e671f9-495c-4aa3-ac49-019e66feb5be + current_stock: 15 + name: Sparkling Asymmetrical Statement Necklace + category: jewelry + style: necklace + description: Introducing the Sans Pareil Asymmetrical Necklace, an exquisite handcrafted + statement piece featuring a lustrous finish and artistic contemporary design. + This versatile necklace elevates any outfit with sophisticated elegance. + price: 142.99 + image: d0e671f9-495c-4aa3-ac49-019e66feb5be.jpg + gender_affinity: F + where_visible: UI +- id: ad8938c6-c44a-47f8-a8d9-1627ee82030d + current_stock: 15 + name: Sparkling Elegant Versatile Necklace + category: jewelry + style: necklace + description: Expertly crafted necklace featuring an elegant and versatile design + that seamlessly transitions from day to night. An ultra-chic statement piece that + adds effortless glamour to any outfit. + price: 108.99 + image: ad8938c6-c44a-47f8-a8d9-1627ee82030d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: cb106bf2-8a7f-40cb-9f09-2f9e988181f3 + current_stock: 10 + name: Sparkling Elegant Necklace + category: jewelry + style: necklace + description: The Quintessential Necklace features a timeless and elegant pendant + on a delicate chain. This versatile accessory complements any outfit, perfect + for day or night. Crafted with care using quality materials, it makes a thoughtful + gift or personal reward. + price: 70.99 + image: cb106bf2-8a7f-40cb-9f09-2f9e988181f3.jpg + gender_affinity: F + where_visible: UI +- id: 9a905b67-bcca-4445-aeea-ae3146e1cf0d + current_stock: 18 + name: Sparkling Gold Statement Necklace + category: jewelry + style: necklace + description: This gold First-Rate Necklace features a delicate yet statement-making + design. Expertly crafted with quality materials, it's an elegant accessory that + adds luxury to any outfit. The perfect gift for the stylish woman. + price: 145.99 + image: 9a905b67-bcca-4445-aeea-ae3146e1cf0d.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: ddf7cd6e-633c-4906-a391-315ad1e91966 + current_stock: 13 + name: Bold Statement Necklace for Edgy Style + category: jewelry + style: necklace + description: This bold Edgy Statement Necklace features a contemporary design that + makes a fashion-forward statement. Crafted with care, this eye-catching accessory + is the perfect finishing touch to elevate any outfit with unforgettable flair. + price: 131.99 + image: ddf7cd6e-633c-4906-a391-315ad1e91966.jpg + gender_affinity: F + where_visible: UI +- id: 722763f4-7a21-4947-bdbc-f44c82687338 + current_stock: 10 + name: Simple Pendant Necklace + category: jewelry + style: necklace + description: Presenting the Swell Minimalist Necklace, an elegant and sleek piece + handcrafted from quality materials. This adjustable pendant necklace features + a timeless, versatile design perfect for both casual and formal wear. An effortlessly + chic accessory for any woman's jewelry collection. + price: 72.99 + image: 722763f4-7a21-4947-bdbc-f44c82687338.jpg + gender_affinity: F + where_visible: UI + promoted: true +- id: 9f0c1468-bfd8-4723-98ad-afcb9301eefe + current_stock: 12 + name: Sparkling First-Class Elegant Necklace + category: jewelry + style: necklace + description: This exquisite First-Class Necklace features an elegant design with + delicate details, adding luxury and sophistication to any outfit. Expertly crafted + with quality materials for a timeless and versatile accessory. + price: 81.99 + image: 9f0c1468-bfd8-4723-98ad-afcb9301eefe.jpg + gender_affinity: F + where_visible: UI +- id: 7833c1b0-4ee2-45f8-b9e6-a3a5ed20183f + current_stock: 7 + name: Sparkling Gemstone Necklace for Her + category: jewelry + style: necklace + description: Crafted with precious metals and dazzling gemstones, this elegant necklace + makes a sophisticated statement. Its timeless beauty and impeccable details complement + any outfit, whether dressy or casual. A versatile accessory for women. + price: 97.99 + image: 7833c1b0-4ee2-45f8-b9e6-a3a5ed20183f.jpg + gender_affinity: F + where_visible: UI +- id: f4d6df27-394b-42bb-b1e3-130eca6feef6 + current_stock: 19 + name: Stylish Swell Pendant Necklace + category: jewelry + style: necklace + description: This stylish swell necklace features an elegant pendant with a smooth, + modern shape that makes a sophisticated statement. Crafted from quality materials, + it's a versatile accessory that complements any outfit. + price: 133.99 + image: f4d6df27-394b-42bb-b1e3-130eca6feef6.jpg + gender_affinity: F + where_visible: UI +- id: 50d59a7a-738a-4c84-9b9e-2fd119f8aacd + current_stock: 18 + name: Sparkling Necklace for Special Moments + category: jewelry + style: necklace + description: This elegant sparkling necklace features a timeless, sophisticated + design perfect for any occasion. Expertly crafted with quality materials, its + eye-catching shine will draw compliments whenever worn. + price: 145.99 + image: 50d59a7a-738a-4c84-9b9e-2fd119f8aacd.jpg + gender_affinity: F + where_visible: UI +- id: d68859fc-b3ad-4ca9-9e83-f105fb09b2cf + current_stock: 17 + name: Sparkling Elegance Necklace + category: jewelry + style: necklace + description: Presenting the Sublime Necklace, an elegant and sophisticated jewelry + piece for women. Expertly crafted with quality materials, this necklace features + a stunning design that effortlessly elevates any outfit. The perfect gift for + that special woman in your life. + price: 174.99 + image: d68859fc-b3ad-4ca9-9e83-f105fb09b2cf.jpg + gender_affinity: F + where_visible: UI +- id: 5ed9e3c7-0029-4175-83c5-1655c36bc016 + current_stock: 13 + name: Dazzling Flawless Necklace + category: jewelry + style: necklace + description: Presenting the Flawless Necklace, a stunning jewelry piece featuring + an elegant, eye-catching design. This glamorous necklace with exquisite details + will add instant elegance to any outfit. A timeless accessory made to perfection + for confidently elevating your style. + price: 127.99 + image: 5ed9e3c7-0029-4175-83c5-1655c36bc016.jpg + gender_affinity: F + where_visible: UI +- id: 26f3ac16-179b-4886-8ace-e9e83855e86b + current_stock: 17 + name: Seashell Silver Necklace, Elegant & Natural + category: jewelry + style: necklace + description: This elegant sterling silver necklace features a polished natural seashell + pendant swaying gently on an adjustable chain. A touch of ocean's beauty for everyday + wear or special occasions. + price: 125.99 + image: 26f3ac16-179b-4886-8ace-e9e83855e86b.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: d58cc491-e8ad-4f31-b6d5-4bcf417b40bd + current_stock: 7 + name: Sleek Modern Statement Necklace + category: jewelry + style: necklace + description: Sleek and modern Ultracool necklace features a lightweight yet durable + design in neutral tones. An eye-catching accessory that elevates any outfit. Expertly + crafted for everyday wear. + price: 143.99 + image: d58cc491-e8ad-4f31-b6d5-4bcf417b40bd.jpg + gender_affinity: M + where_visible: UI +- id: ad839732-f884-4354-91e4-721170d20df9 + current_stock: 9 + name: Bold Hip Necklace for Men + category: jewelry + style: necklace + description: Make a bold statement with this sleek hip necklace for men. The adjustable + chain sits low for an urban look. Crafted from quality materials, this stylish + accessory adds flair to any outfit. + price: 151.99 + image: ad839732-f884-4354-91e4-721170d20df9.jpg + gender_affinity: M + where_visible: UI + promoted: true +- id: 1db377d7-b12b-4e5a-88b1-c73ce1e2d020 + current_stock: 12 + name: Bold Geometric Men's Necklace That Pops + category: jewelry + style: necklace + description: This bold geometric men's necklace makes a stylish, eye-catching statement. + Its industrial-inspired chunky links in silver, black or gunmetal add urban edge + for fashion-forward men. + price: 193.99 + image: 1db377d7-b12b-4e5a-88b1-c73ce1e2d020.jpg + gender_affinity: M + where_visible: UI +- id: 93cb359c-94a9-4ff9-937b-b059506ba77d + current_stock: 8 + name: Stylish Men's Trendy Necklace + category: jewelry + style: necklace + description: This stylish men's necklace features a trendy yet sophisticated design. + Crafted with quality materials, it makes a subtle yet bold fashion statement. + Elevate your style with this versatile accessory. + price: 117.99 + image: 93cb359c-94a9-4ff9-937b-b059506ba77d.jpg + gender_affinity: M + where_visible: UI +- id: 2056c1e4-773f-4765-82e0-dedf83eefb10 + current_stock: 6 + name: Sleek Necklace Elevates Men's Style + category: jewelry + style: necklace + description: This minimalist necklace effortlessly elevates any outfit with its + sleek, modern style. Expertly crafted for the sophisticated man. + price: 102.99 + image: 2056c1e4-773f-4765-82e0-dedf83eefb10.jpg + gender_affinity: M + where_visible: UI +- id: f1458cf0-e8a8-46f8-981a-5e0b74c87e92 + current_stock: 19 + name: Sleek Silver Curb Chain Necklace + category: jewelry + style: necklace + description: Expertly crafted sterling silver curb chain necklace featuring sleek + interlocking oval links. An elegantly understated 20" mens accessory that adds + subtle sophistication and shine to any outfit. + price: 46.99 + image: f1458cf0-e8a8-46f8-981a-5e0b74c87e92.jpg + gender_affinity: M + where_visible: UI +- id: 5106afab-048f-4d9f-b62b-3166e42ba01e + current_stock: 13 + name: Leakproof Camping Water Bottle + category: outdoors + style: camping + description: Enjoy fresh, clean water on the go with this 20oz BPA-free plastic + camping bottle. Its leakproof lid and flip-top spout make hydration easy during + outdoor adventures. Durable and lightweight, it's a must-have for hiking, camping, + and exploring the great outdoors. + price: 5.99 + image: 5106afab-048f-4d9f-b62b-3166e42ba01e.jpg + where_visible: UI + promoted: true +- id: 0c687920-9e48-4937-87fe-472911249386 + current_stock: 6 + name: Sturdy Camp Chair for Outdoor Fun + category: outdoors + style: camping + description: This durable folding camp chair provides comfort and support for outdoor + adventures. Its steel frame and polyester seat withstand the elements while remaining + lightweight and portable. The perfect compact companion for camping, tailgating, + and relaxing in nature. + price: 45.99 + image: 0c687920-9e48-4937-87fe-472911249386.jpg + where_visible: UI +- id: c60a61d0-d9c3-4336-88f0-aaef40a8d3e6 + current_stock: 10 + name: Rugged Compass for Wilderness Navigation + category: outdoors + style: camping + description: The Camping Compass is a sturdy, reliable tool for navigating the wilderness. + Its liquid-filled capsule allows the needle to precisely align with magnetic north. + The clear baseplate and sighting mirror enable quick orientation and accurate + bearings. This high-quality compass is a compact, must-have companion for outdoor + enthusiasts. + price: 10.99 + image: c60a61d0-d9c3-4336-88f0-aaef40a8d3e6.jpg + where_visible: UI +- id: 3d11accd-9984-47e5-b0e6-94743e964b15 + current_stock: 18 + name: Durable Insulated Camp Cup + category: outdoors + style: camping + description: This durable, insulated 12oz camping cup keeps drinks hot or cold longer + while withstanding the wilderness. Its lightweight design and screw-on sip lid + make it the perfect companion for hiking and camping adventures. + price: 7.99 + image: 3d11accd-9984-47e5-b0e6-94743e964b15.jpg + where_visible: UI +- id: f9b60b83-4c16-472d-b579-461ec89eaac2 + current_stock: 10 + name: Campfire Companion Cup + category: outdoors + style: camping + description: This durable, BPA-free plastic camping cup keeps drinks hot or cold + with its insulating double-wall design. The screw-on lid allows spill-free sipping + by the campfire. Holds 12oz and folds down for packing in your backpack. + price: 9.99 + image: f9b60b83-4c16-472d-b579-461ec89eaac2.jpg + where_visible: UI +- id: aafaef40-a269-4d41-a813-e9bb95ce6aa7 + current_stock: 9 + name: Insulated Camp Cup for Outdoor Adventure + category: outdoors + style: camping + description: This durable, BPA-free camping cup keeps drinks hot or cold with its + insulating lid. The lightweight, compact design is perfect for backpackers. Enjoy + spill-free sips by the campfire with this rugged cup built for outdoor adventure. + price: 7.99 + image: aafaef40-a269-4d41-a813-e9bb95ce6aa7.jpg + where_visible: UI +- id: f6231107-7050-44ea-ac6a-dcb09f4a0b33 + current_stock: 16 + name: Portable Bright Camp Lamp + category: outdoors + style: camping + description: The Camping LED Lamp provides bright, portable illumination for outdoor + adventures. Its compact, weatherproof design with long-lasting LED bulb makes + it the perfect lighting companion for camping, hiking, and any excursion after + dark. + price: 19.99 + image: f6231107-7050-44ea-ac6a-dcb09f4a0b33.jpg + where_visible: UI +- id: ee005c55-1cbd-420e-b227-d41a49e87ed3 + current_stock: 19 + name: Portable Camp Lamp - Light Your Adventures + category: outdoors + style: camping + description: Illuminate your outdoor adventures with our durable, portable Camping + Lamp. This bright, weather-resistant light brings reliable illumination to tents, + campsites, and wilderness excursions. The essential piece of gear for all your + camping trips. + price: 17.99 + image: ee005c55-1cbd-420e-b227-d41a49e87ed3.jpg + where_visible: UI +- id: 66bbc5bc-bfcc-476f-b02b-70ca20025b1e + current_stock: 19 + name: Ultrabright Camp Lamp - Illuminate Your Adventures + category: outdoors + style: camping + description: Illuminate your next camping adventure with our portable outdoor lamp. + This durable, compact lighting solution provides trusted brightness whenever and + wherever needed. Essential gear for any outdoor excursion. + price: 23.99 + image: 66bbc5bc-bfcc-476f-b02b-70ca20025b1e.jpg + where_visible: UI +- id: dc135daa-4c1f-4672-ada4-fc8ee144e2f1 + current_stock: 19 + name: Portable Bright Camp Lamp + category: outdoors + style: camping + description: This portable LED lamp packs 50 lumens of bright light in a compact, + water-resistant design. Perfect for camping, hiking, and outdoor adventures, it + clips onto backpacks and tents to illuminate your campsite at night. + price: 22.99 + image: dc135daa-4c1f-4672-ada4-fc8ee144e2f1.jpg + where_visible: UI +- id: e9f3e5cc-1f5f-4073-bea6-42c12a2c6bc5 + current_stock: 8 + name: Brighten Adventures with Portable Camp Light + category: outdoors + style: camping + description: Illuminate your outdoor adventures with this rugged, waterproof LED + camping lamp! Its adjustable beam casts a bright glow for hours, while the compact, + folding design easily fits in your pack for portable lighting in the wilderness. + price: 15.99 + image: e9f3e5cc-1f5f-4073-bea6-42c12a2c6bc5.jpg + where_visible: UI +- id: 849bb1b3-da1b-451b-8151-879a18e11437 + current_stock: 9 + name: Brighten Your Campsite with Our Rugged LED Lamp + category: outdoors + style: camping + description: Illuminate your campsite with our rugged, waterproof LED lamp. Its + bright beam lights up tents and wilderness areas for hours, powered by batteries + for portable use. The adjustable handle directs light where you need it. Essential + gear for outdoor fans. + price: 21.99 + image: 849bb1b3-da1b-451b-8151-879a18e11437.jpg + where_visible: UI +- id: 579ca23a-2d8e-4229-812e-f68665b3a838 + current_stock: 19 + name: Brighten Your Campsite + category: outdoors + style: camping + description: Illuminate your outdoor adventures with this durable, lightweight camping + lamp. Adjusts from dim glow to bright beam to light up tent or campsite. Weatherproof + design perfect for backpacking and camping trips. + price: 15.99 + image: 579ca23a-2d8e-4229-812e-f68665b3a838.jpg + where_visible: UI +- id: 007bf018-a074-44df-80d7-70866f7bead8 + current_stock: 19 + name: Portable LED Lantern - Light Your Adventures + category: outdoors + style: camping + description: Illuminate your outdoor adventures with this rugged, compact LED lantern. + Its adjustable beam focuses light where you need it, powered by AA batteries for + portable brightness on camping and backpacking trips. + price: 20.99 + image: 007bf018-a074-44df-80d7-70866f7bead8.jpg + where_visible: UI +- id: 17fbc27f-0c88-43e7-890a-209afddb25fd + current_stock: 14 + name: Durable Tent for Outdoor Adventures + category: outdoors + style: camping + description: This durable, lightweight tent provides reliable shelter for wilderness + adventures with water-resistant fabric, UV protection, and easy setup for quick + pitching. Perfect for backpacking and camping trips, it comfortably fits 2 people + while withstanding windy conditions. + price: 161.99 + image: 17fbc27f-0c88-43e7-890a-209afddb25fd.jpg + where_visible: UI + promoted: true +- id: 37cb1acd-1b2d-4718-9ec3-15864424de14 + current_stock: 13 + name: Spacious Tent Invites Outdoor Adventure + category: outdoors + style: camping + description: This spacious, durable tent is the ultimate home-base for outdoor adventures. + With weather-resistant fabric, easy setup, and ventilation, it provides reliable + shelter so you can comfortably explore the great outdoors. + price: 183.99 + image: 37cb1acd-1b2d-4718-9ec3-15864424de14.jpg + where_visible: UI +- id: 04f098b3-f42f-4f8a-96b4-63cb789d00c0 + current_stock: 6 + name: Adventurous Durable Camping Tent + category: outdoors + style: camping + description: This spacious, durable camping tent provides reliable shelter for outdoor + adventures. Crafted from weather-resistant material with ample space for two, + it's easy to set up and features large mesh windows for ventilation. The perfect + home-away-from-home under the stars. + price: 175.99 + image: 04f098b3-f42f-4f8a-96b4-63cb789d00c0.jpg + where_visible: UI + promoted: true +- id: 0395c84b-d532-495d-8b4c-25cbaff606f7 + current_stock: 10 + name: Spacious Shelter for Two Adventurers + category: outdoors + style: camping + description: This spacious and durable two-person tent is the perfect outdoor companion + for camping trips and festivals. Crafted for portability and weather-resistance, + it offers ample space and reliable shelter to comfortably accommodate you and + a friend as you explore the great outdoors. + price: 107.99 + image: 0395c84b-d532-495d-8b4c-25cbaff606f7.jpg + where_visible: UI +- id: a4429ded-b32e-4ff4-85ef-36f287649c13 + current_stock: 16 + name: Durable Tent for Outdoor Adventure + category: outdoors + style: camping + description: Spacious, sturdy 2-4 person tent keeps you dry in any weather. Quick + setup lets you focus on fun with family or friends instead of pitching. The perfect + outdoor adventure companion. + price: 101.99 + image: a4429ded-b32e-4ff4-85ef-36f287649c13.jpg + where_visible: UI + promoted: true +- id: 4e59a438-e915-44d8-b15e-75b923c60639 + current_stock: 17 + name: Durable Tent for Outdoor Adventures + category: outdoors + style: camping + description: Spacious, water-resistant tent easily fits 2-4 campers. Quick setup + lets you focus on fun. Durable construction and cozy comfort bring reliable shelter + for your outdoor adventures. + price: 186.99 + image: 4e59a438-e915-44d8-b15e-75b923c60639.jpg + where_visible: UI + promoted: true +- id: 9f251479-7904-4563-b826-cd4f3739949b + current_stock: 12 + name: Adventure Tent for 2-4 Under Stars + category: outdoors + style: camping + description: This spacious 2-4 person tent keeps you dry and comfortable while camping + or at festivals. Quick setup and cool airflow allow you to easily enjoy the great + outdoors. + price: 109.99 + image: 9f251479-7904-4563-b826-cd4f3739949b.jpg + where_visible: UI +- id: 7f6100f8-133c-4e15-bc02-b936ed434ea4 + current_stock: 12 + name: Spacious, Durable Tent for Outdoor Adventures + category: outdoors + style: camping + description: Spacious, durable tent built for outdoor adventure - quickly set up + this rugged, weather-resistant shelter featuring ample room for 2 campers, ventilation, + storage pockets and reliable comfort on backcountry expeditions. + price: 169.99 + image: 7f6100f8-133c-4e15-bc02-b936ed434ea4.jpg + where_visible: UI +- id: 44e80794-e6a5-46a1-b9f0-5b003d7876ca + current_stock: 13 + name: Ventilate in Nature's Embrace + category: outdoors + style: camping + description: This lightweight, durable 2-person tent is perfect for backpacking + and wilderness adventures. With water-resistant fabric, UV protection, easy set-up, + and ventilation, this quality tent provides reliable shelter and comfort in the + outdoors. + price: 185.99 + image: 44e80794-e6a5-46a1-b9f0-5b003d7876ca.jpg + where_visible: UI +- id: 2a33865f-f45b-475f-9e35-29c8de4dc42d + current_stock: 12 + name: "Sleep Under Stars, Stay Dry \n\nThe key points highlighted are the ventilation\ + \ and waterproofing features that allow you to comfortably sleep outside and stay\ + \ dry if it rains." + category: outdoors + style: camping + description: Experience the outdoors in comfort with this durable, lightweight 2-person + tent. Spacious interior with ventilation and storage keeps you dry on rainy adventures. + Easy setup allows more time enjoying nature's beauty. + price: 180.99 + image: 2a33865f-f45b-475f-9e35-29c8de4dc42d.jpg + where_visible: UI +- id: d792631e-1d04-4995-a5be-ea7d56ea1882 + current_stock: 14 + name: Stargaze in Comfort - 2 Person Tent + category: outdoors + style: camping + description: This durable, lightweight 2-person tent is perfect for backcountry + adventures. Quick and easy setup, water-resistant fabric, ample interior space, + and ventilation keep you comfortable and dry as you sleep under the stars. + price: 117.99 + image: d792631e-1d04-4995-a5be-ea7d56ea1882.jpg + where_visible: UI +- id: 2c1282f1-cbcc-45ef-9196-351b8798eb00 + current_stock: 9 + name: Scoop That Catch With Ease + category: outdoors + style: fishing + description: The Trustworthy Collapsible Fishing Net features a durable nylon mesh + and extendable aluminum handle, allowing anglers to easily scoop up large catches. + This versatile essential folds down for compact storage in your tackle box. + price: 18.99 + image: 2c1282f1-cbcc-45ef-9196-351b8798eb00.jpg + where_visible: UI +- id: 938bb9e7-d978-4159-b13d-e653c1548934 + current_stock: 12 + name: Catch More Fish with Sure-Fire + category: outdoors + style: fishing + description: The Sure-Fire fishing lure mimics baitfish with its vivid red and white + speckled pattern, triggering savage strikes from freshwater and saltwater gamefish. + This versatile lure's erratic, darting action irresistibly attracts bass, trout, + pike and more for an exciting catch. + price: 53.99 + image: 938bb9e7-d978-4159-b13d-e653c1548934.jpg + where_visible: UI + promoted: true +- id: 6931a1b1-26cd-4bab-8934-535374636e8f + current_stock: 13 + name: Lures That Catch More Fish + category: outdoors + style: fishing + description: Catch more fish with the Tested Fishing Lure. Our proven design and + quality materials ensure reliable performance. This innovative lure attracts both + freshwater and saltwater species for unbeatable action. Get bites every time out! + price: 44.99 + image: 6931a1b1-26cd-4bab-8934-535374636e8f.jpg + where_visible: UI + promoted: true +- id: 549be4a8-29a9-41ae-84b4-e2d24c7b54bd + current_stock: 16 + name: Supreme Fishing Lure + category: outdoors + style: fishing + description: Expertly designed fishing lure promises unrivaled performance with + savvy construction. Meticulously crafted to grab attention below water. Top-tier + accessory enhances fishing ventures for anglers of any skill level. + price: 59.99 + image: 549be4a8-29a9-41ae-84b4-e2d24c7b54bd.jpg + where_visible: UI +- id: cc42e0f4-abaf-445b-b843-54884c4f6845 + current_stock: 13 + name: Land Monster Fish with Ease + category: outdoors + style: fishing + description: Expertly engineered for catching trophy fish, this lightweight graphite + fishing reel features a super-smooth drag and durable corrosion-resistant aluminum + spool to reel in your biggest catch yet. + price: 36.99 + image: cc42e0f4-abaf-445b-b843-54884c4f6845.jpg + where_visible: UI +- id: 7cd4cc5b-4302-40ee-989a-078559761ef8 + current_stock: 9 + name: Reel In The Big One + category: outdoors + style: fishing + description: The Definitive fishing reel is the versatile, durable dream reel for + any angler. Its innovative sealed drag system, robust construction and stainless + steel bearings ensure smooth, reliable performance to reel in your trophy catch + every time. The top choice for unparalleled fishing power. + price: 44.99 + image: 7cd4cc5b-4302-40ee-989a-078559761ef8.jpg + where_visible: UI + promoted: true +- id: fbc3bec3-9271-42b5-8ca0-7f281f76e391 + current_stock: 9 + name: Catch More Fish Foolproof Lure + category: outdoors + style: fishing + description: This versatile, uniquely weighted lure mimics baitfish and suspends + perfectly to trigger savage strikes from bass, trout, pike and more. Its patented + shape and treble hooks ensure solid hooksets for anglers of any skill level. + price: 61.99 + image: fbc3bec3-9271-42b5-8ca0-7f281f76e391.jpg + where_visible: UI +- id: 90e250f0-873f-4bfb-9018-e0325272dc27 + current_stock: 19 + name: Smooth Casting Reel + category: outdoors + style: fishing + description: The Definitive fishing reel is a versatile, durable tool designed for + smooth, reliable performance. Its innovative features like a lightweight graphite + body, sealed drag, and stainless steel ball bearings make it the definitive choice + for anglers seeking a reel to match any fishing scenario. + price: 9.99 + image: 90e250f0-873f-4bfb-9018-e0325272dc27.jpg + where_visible: UI +- id: 462c7968-3fc8-4ce4-aef2-b732e87ac895 + current_stock: 19 + name: Smooth Casting, Built to Last + category: outdoors + style: fishing + description: The Dependable Fishing Reel delivers smooth, reliable performance cast + after cast. This durable, easy-to-use reel is built to last through seasons of + fishing trips. Designed for hassle-free fishing, it's the ideal reel for anglers + of all skill levels. + price: 74.99 + image: 462c7968-3fc8-4ce4-aef2-b732e87ac895.jpg + where_visible: UI + promoted: true +- id: b41b240a-6046-4f78-a4b7-9ce904e726d6 + current_stock: 9 + name: Sharp Hooks for Trusty Fishing + category: outdoors + style: fishing + description: Trusty's sharp, durable fishing hooks latch securely and resist rust, + making them a reliable tackle box essential trusted by fishermen since 1975. + price: 55.99 + image: b41b240a-6046-4f78-a4b7-9ce904e726d6.jpg + where_visible: UI +- id: bdc9a89f-de9e-4f99-b5f8-1c381df80970 + current_stock: 7 + name: Sturdy Fishing Net With Extended Reach + category: outdoors + style: fishing + description: Expertly crafted fishing net with collapsible aluminum frame and long, + rubberized handle for strain-free catching. Tight, reinforced weave withstands + large hauls while preventing bait loss. Portable and convenient for effortless + fishing anywhere. + price: 45.99 + image: bdc9a89f-de9e-4f99-b5f8-1c381df80970.jpg + where_visible: UI +- id: a835dad2-1935-40a4-a32d-da112fafc3a3 + current_stock: 7 + name: Easy Cast Fishing Reel + category: outdoors + style: fishing + description: The innovative Foolproof Fishing Reel simplifies casting and retrieving + with its user-friendly design. Hassle-free and reliable for anglers of all skill + levels, this durable reel aims to take the frustration out of fishing. + price: 73.99 + image: a835dad2-1935-40a4-a32d-da112fafc3a3.jpg + where_visible: UI +- id: ba769727-d43d-4e73-b588-6160aaf2b50f + current_stock: 14 + name: Versatile Inflatable Fishing Boat + category: outdoors + style: fishing + description: The versatile Inflatable Fishing Boat offers stable, portable performance + for anglers. Lightweight and puncture resistant, it's easy to transport and launch + for fishing adventures on lakes, rivers, and coastal waters. + price: 43.99 + image: ba769727-d43d-4e73-b588-6160aaf2b50f.jpg + where_visible: UI +- id: bedb6aec-0704-416f-b31c-0b43b6ff1b2e + current_stock: 11 + name: Smooth-Drag Fishing Reel + category: outdoors + style: fishing + description: The EasyCast fishing reel delivers smooth, reliable performance for + anglers of all levels. Adjustable drag and durable aluminum construction handle + everything from panfish to gamefish with ease. This versatile, lightweight reel + is the ideal choice for hassle-free fishing fun. + price: 105.99 + image: bedb6aec-0704-416f-b31c-0b43b6ff1b2e.jpg + where_visible: UI + promoted: true +- id: 8990ce18-b6ee-4219-917b-ceb15c7bf1d1 + current_stock: 10 + name: Master Any Fishing Quest + category: outdoors + style: fishing + description: Expertly crafted with lightweight graphite and aluminum, this versatile + reel features smooth retrieves and adjustable drag to master every fishing scenario. + The precision gearing and durability make it a reliable companion on any angling + adventure. + price: 53.99 + image: 8990ce18-b6ee-4219-917b-ceb15c7bf1d1.jpg + where_visible: UI +- id: a6dc7912-aa64-4941-bbe0-2007e1db765b + current_stock: 17 + name: Cast Farther, Catch Bigger" Fishing Reel + category: outdoors + style: fishing + description: Precision-engineered with a lightweight graphite body and aluminum + spool, this versatile reel features smooth drag control and effortless casting + for trophy catches on any fishing adventure. + price: 102.99 + image: a6dc7912-aa64-4941-bbe0-2007e1db765b.jpg + where_visible: UI +- id: 36a73f97-5107-4471-9609-f34235123c63 + current_stock: 16 + name: Durable Graphite Fishing Reel + category: outdoors + style: fishing + description: The Dependable Fishing Reel delivers reliable performance with its + corrosion-resistant graphite and aluminum construction, smooth multi-disc drag, + and precisely aligned gears. This lightweight, high-quality reel is crafted for + strength, durability and smooth retrieves - the perfect addition to any angler's + gear. + price: 116.99 + image: 36a73f97-5107-4471-9609-f34235123c63.jpg + where_visible: UI +- id: b1eb4959-3cf7-4e0b-9473-24d0f900b0ab + current_stock: 10 + name: Expert Fishing Hooks for Avid Anglers + category: outdoors + style: fishing + description: Expertly engineered and crafted for unmatched quality, these innovative + fishing hooks catch more fish and withstand heavy use. Sharp, sturdy, and specially + designed for solid hook sets, Unequaled's hooks are the ultimate equipment for + successful fishing enjoyment. + price: 109.99 + image: b1eb4959-3cf7-4e0b-9473-24d0f900b0ab.jpg + where_visible: UI + promoted: true +- id: 0bfb1cf5-f893-465c-9275-178833ad4969 + current_stock: 9 + name: Lures That Hook The Big Ones + category: outdoors + style: fishing + description: Catch more fish with the Incomparable Fishing Lure! This versatile + lure mimics baitfish to attract bass, trout, pike and more. Its durable design + and sharp treble hooks ensure you'll land your catch. The ultimate tacklebox essential + for unbeatable fishing performance. + price: 54.99 + image: 0bfb1cf5-f893-465c-9275-178833ad4969.jpg + where_visible: UI +- id: af1fb35f-8fee-4ff2-a6a9-4be30d03c54b + current_stock: 12 + name: Reel In Big Catches Effortlessly + category: outdoors + style: fishing + description: The Outstanding Fishing Reel delivers reliable performance and versatility + for amateur and seasoned anglers alike. Its lightweight yet robust design, smooth + drag system, and large spool capacity excel while pier, boat, or shore fishing. + price: 16.99 + image: af1fb35f-8fee-4ff2-a6a9-4be30d03c54b.jpg + where_visible: UI + promoted: true +- id: 0b6d1cd3-3e49-40ec-8663-6c5f3a41843f + current_stock: 12 + name: Smooth Casting, Tireless Fishing Reel + category: outdoors + style: fishing + description: The durable, lightweight Sure-Fire Fishing Reel delivers smooth, reliable + performance for effortless casting and catching. Its sealed gearbox withstands + the elements while the adjustable drag tires out fish of any size with precision + and power. + price: 70.99 + image: 0b6d1cd3-3e49-40ec-8663-6c5f3a41843f.jpg + where_visible: UI +- id: 66943a0f-5410-4c68-964e-a6468237f8e9 + current_stock: 12 + name: Sturdy Fishing Net with Foldable Handle + category: outdoors + style: fishing + description: Land your catch with ease using this durable nylon fishing net with + collapsible aluminum handle. Scoop fish smoothly out of water and prevent fin + damage with the sturdy yet lightweight hoop and mesh bag. Essential gear for hassle-free + fishing trips. + price: 75.99 + image: 66943a0f-5410-4c68-964e-a6468237f8e9.jpg + where_visible: UI +- id: 4bfeb922-d23e-4288-92c6-c4d27bba5ed2 + current_stock: 18 + name: Irresistible Lifelike Fishing Lure + category: outdoors + style: fishing + description: Expertly engineered fishing lure with lifelike action irresistible + to fish. Durable corrosion-resistant construction for versatility across fresh + and saltwater. Premium finishes trigger strikes for consistent catches. + price: 85.99 + image: 4bfeb922-d23e-4288-92c6-c4d27bba5ed2.jpg + where_visible: UI +- id: 322c0e7a-4ab8-485d-b3c4-234a5962562d + current_stock: 10 + name: Cast Far, Reel 'Em In + category: outdoors + style: fishing + description: The Outstanding Fishing Reel delivers smooth, precise casts and effortless + retrieves every time. This lightweight, durable reel is designed for versatility + on any fishing trip. Enjoy reliable performance and unmatched ease of use with + this top-quality fishing gear. + price: 83.99 + image: 322c0e7a-4ab8-485d-b3c4-234a5962562d.jpg + where_visible: UI + promoted: true +- id: 404414a7-9562-4f9d-ade8-06d6923cf2ae + current_stock: 6 + name: Sharp Hooks for Every Fish + category: outdoors + style: fishing + description: This variety pack of sharp, durable fishing hooks in multiple sizes + is perfect for any angler's tackle box. The high-carbon steel hooks feature barbed + points and offset shafts for secure catches. Includes small freshwater hooks to + large saltwater hooks to match any target fish. Land bass, panfish, catfish and + more with this ready-to-use quality hook assortment. + price: 5.99 + image: 404414a7-9562-4f9d-ade8-06d6923cf2ae.jpg + where_visible: UI +- id: 14e0e6a6-9818-4d5c-b799-3aad09370907 + current_stock: 11 + name: Smooth Sailing With This Reel + category: outdoors + style: fishing + description: The Outstanding Fishing Reel delivers top quality and versatility for + diverse fishing conditions. Its lightweight yet robust design pairs perfectly + with any pole and provides smooth drags and easy control when reeling in big catches. + The ideal reel for effortless, enjoyable fishing trips. + price: 59.99 + image: 14e0e6a6-9818-4d5c-b799-3aad09370907.jpg + where_visible: UI +- id: e43f798a-70c3-4d1f-a450-98c6597492e7 + current_stock: 6 + name: The Unbeatable Open Water Fishing Reel + category: outdoors + style: fishing + description: Presenting the Incomparable Fishing Reel - this top-of-the-line, lightweight + yet durable reel features a smooth drag, extreme cranking power, and corrosion-resistant + design for versatile, reliable performance whether casting from shore or battling + trophies on open waters. + price: 39.99 + image: e43f798a-70c3-4d1f-a450-98c6597492e7.jpg + where_visible: UI + promoted: true +- id: 55f532d2-3067-4b48-9186-aba676681dfc + current_stock: 19 + name: Durable Graphite Fishing Reel + category: outdoors + style: fishing + description: Expertly crafted graphite fishing reel with smooth drag for consistent + pressure when fighting fish. Durable, versatile design great for bass, fly, and + all species. Reliable performance backed by outstanding customer service. + price: 39.99 + image: 55f532d2-3067-4b48-9186-aba676681dfc.jpg + where_visible: UI +- id: 4dd0cf35-f0b7-4ef7-9749-9e5a004b31f6 + current_stock: 9 + name: Durable Versatile Fishing Reel + category: outdoors + style: fishing + description: The Definitive Versatile Fishing Reel delivers unmatched durability, + smooth performance and power for catching fish of all sizes. Precision engineering + provides anglers total control when reeling in the big one. This innovative reel + is designed for any fishing pole. + price: 19.99 + image: 4dd0cf35-f0b7-4ef7-9749-9e5a004b31f6.jpg + where_visible: UI +- id: 5617503f-933e-45e3-be3f-82cdf5f1bd42 + current_stock: 10 + name: Catch Big Fish With Ease + category: outdoors + style: fishing + description: The Outstanding Fishing Reel delivers unmatched versatility for anglers. + This lightweight, durable reel features an adjustable drag system and oversized + handle knob to smoothly reel in big catches. The perfect reel for freshwater and + saltwater fishing excursions. + price: 88.99 + image: 5617503f-933e-45e3-be3f-82cdf5f1bd42.jpg + where_visible: UI +- id: f58cf658-162d-4838-b25d-883b2d17e74d + current_stock: 16 + name: Catch More Fish with Dependable Lure + category: outdoors + style: fishing + description: Catch more fish with the Dependable Fishing Lure! Its realistic, erratic + movements mimic injured bait to trigger strikes from warier fish. Durable and + versatile, this top-rated lure for bass, trout, and more promises solid hook-sets + and fishing success. + price: 32.99 + image: f58cf658-162d-4838-b25d-883b2d17e74d.jpg + where_visible: UI +- id: 5ecc8c5f-16b7-421a-997b-136f40fecb5b + current_stock: 13 + name: Hook Fish Faster - Trusty Lure + category: outdoors + style: fishing + description: This reliable fishing lure mimics live bait with vivid colors and erratic + action that entice fish in fresh or saltwater. Trusted by avid anglers, this quality + lure consistently produces big catches. + price: 71.99 + image: 5ecc8c5f-16b7-421a-997b-136f40fecb5b.jpg + where_visible: UI +- id: 18465f60-709e-4ab1-add2-2d8e677e16a0 + current_stock: 19 + name: Fool Fish Every Time Lure + category: outdoors + style: fishing + description: Catch more fish with the Foolproof Fishing Lure. Our ingeniously designed + bait features a unique shape, color, and action proven to attract strikes from + all gamefish. The durable, versatile lure holds up season after season for any + avid angler. + price: 106.99 + image: 18465f60-709e-4ab1-add2-2d8e677e16a0.jpg + where_visible: UI +- id: 4941c536-ec23-481f-ae99-ec432d1ef35b + current_stock: 13 + name: Savage Strikes with Durable Fishing Lure + category: outdoors + style: fishing + description: The Reliable Fishing Lure mimics wounded baitfish with its vivid colors + and enticing wobble motion, triggering savage strikes from bass, trout, and more. + This versatile lure brings together irresistible action and unmatched durability + for successful fishing. + price: 98.99 + image: 4941c536-ec23-481f-ae99-ec432d1ef35b.jpg + where_visible: UI + promoted: true +- id: 6ae76ab4-ad9a-4db0-9a24-7ae532647a41 + current_stock: 13 + name: Big Catches, Smooth Retrieves + category: outdoors + style: fishing + description: The Definitive fishing reel is a versatile, durable, and smooth-performing + tool designed for all types of fishing. Its sealed drag system, oversized bail + wire, and 12 stainless steel ball bearings provide flawless retrieves to help + anglers reel in the big catch. + price: 40.99 + image: 6ae76ab4-ad9a-4db0-9a24-7ae532647a41.jpg + where_visible: UI +- id: 0d270298-898c-4137-99b9-287dd1d93f04 + current_stock: 7 + name: Durable Graphite Fishing Reel + category: outdoors + style: fishing + description: The Unsurpassed Fishing Reel delivers fast retrieves and smooth drags + with its lightweight yet durable graphite and aluminum build - the versatile reel + seasoned anglers trust for reliability and performance. + price: 36.99 + image: 0d270298-898c-4137-99b9-287dd1d93f04.jpg + where_visible: UI +- id: 959732aa-01c5-4416-8a60-067797539182 + current_stock: 9 + name: Reliable Reel for Trophy Catches + category: outdoors + style: fishing + description: The Sure-Fire fishing reel delivers reliable, smooth performance for + catching trophy fish. Its durable graphite and aluminum build withstands freshwater + and saltwater demands, while the multi-disc drag provides consistent pressure + to tire fish quickly. This lightweight, easy-to-use reel is the hassle-free choice + for exciting fishing adventures. + price: 55.99 + image: 959732aa-01c5-4416-8a60-067797539182.jpg + where_visible: UI + promoted: true +- id: 1b997958-e55c-4e1d-9764-ae969504b94d + current_stock: 8 + name: Adventure Awaits in this Sleek Kayak + category: outdoors + style: kayaking + description: This sleek, bold kayak built for adventure takes you everywhere you + want to go. With excellent tracking and stability, adjustable seat, and ample + storage, it's the nimble, durable ticket to exploring the natural beauty of lakes, + rivers, and oceans. + price: 367.99 + image: 1b997958-e55c-4e1d-9764-ae969504b94d.jpg + where_visible: UI + promoted: true +- id: 75f06592-a0a2-4dc5-acfb-76b275dae3aa + current_stock: 17 + name: Sleek Solo Kayak for Lakes and Rivers + category: outdoors + style: kayaking + description: Glide effortlessly across lakes and rivers in this nimble, lightweight + solo kayak. Its sleek shape provides speed and tracking, while the padded seat + and ample storage make for a comfortable adventure. + price: 319.99 + image: 75f06592-a0a2-4dc5-acfb-76b275dae3aa.jpg + where_visible: UI +- id: 7ca458ba-184b-4243-bc9c-576ec9a2315e + current_stock: 19 + name: Sleek Kayak Slices Through Water + category: outdoors + style: kayaking + description: Make waves in this sleek, nimble kayak built for stability, tracking, + and speed across lakes, rivers, and seas. Its streamlined design and ergonomic + cockpit provide paddling efficiency for outdoor enthusiasts of all levels. + price: 428.99 + image: 7ca458ba-184b-4243-bc9c-576ec9a2315e.jpg + where_visible: UI + promoted: true +- id: ef3312a1-6dd8-4433-9c72-772dd7abae82 + current_stock: 17 + name: Sleek Kayak for Thrill-Seeking Explorers + category: outdoors + style: kayaking + description: This sleek and durable kayak effortlessly glides across lakes, rivers, + and oceans, offering a thrilling yet stable ride for adventure-seekers to explore + remote locations on multi-day excursions. + price: 300.99 + image: ef3312a1-6dd8-4433-9c72-772dd7abae82.jpg + where_visible: UI +- id: 70d44a58-e099-40ea-8c01-575013ff0be2 + current_stock: 14 + name: Sleek Kayak for Adventure on the Water + category: outdoors + style: kayaking + description: Explore the wide open water in our sleek, stable kayak built for lakes + and rivers. Its rugged yet lightweight polyethylene hull provides comfort and + durability for fishing, wildlife viewing, and paddling adventures near or far. + price: 305.99 + image: 70d44a58-e099-40ea-8c01-575013ff0be2.jpg + where_visible: UI +- id: 25a3547f-4a86-46f5-857a-fc17aa2b8fa0 + current_stock: 14 + name: Adventurous Kayak for Daring Explorers + category: outdoors + style: kayaking + description: Make waves in our Venturous Kayak! This lightweight, stable kayak is + perfect for beginners and experts to explore lakes, rivers, and oceans in durable, + customizable comfort. + price: 412.99 + image: 25a3547f-4a86-46f5-857a-fc17aa2b8fa0.jpg + where_visible: UI + promoted: true +- id: 82d6418c-0c2c-4be8-805d-a02a68b712e5 + current_stock: 10 + name: Rugged Kayak for Adventure + category: outdoors + style: kayaking + description: Glide across lakes and conquer rapids with our nimble, durable kayak. + Its sleek design and lightweight build make outdoor exploring easy. Paddle further + with ample storage and comfort. + price: 470.99 + image: 82d6418c-0c2c-4be8-805d-a02a68b712e5.jpg + where_visible: UI +- id: 60555e97-aed7-4039-a3d9-324eff1f497c + current_stock: 10 + name: Sleek Kayak for Adventure on the Water + category: outdoors + style: kayaking + description: Make waves in this sleek, stable kayak built for lakes, rivers, and + oceans. Paddle further with adjustable comforts and a durable, lightweight hull + to smoothly navigate flatwater, surf, or rapids. + price: 250.99 + image: 60555e97-aed7-4039-a3d9-324eff1f497c.jpg + where_visible: UI +- id: ef0bcf8e-b88a-442d-9380-fc9eda149df7 + current_stock: 14 + name: Sturdy Paddle for Lakes and Rivers + category: outdoors + style: kayaking + description: Expertly crafted with durable aluminum shaft and polypropylene blades, + this lightweight kayak paddle enables powerful strokes for smooth cruising across + lakes and rivers. Its contoured grip provides comfort for all-day paddling adventures. + price: 19.99 + image: ef0bcf8e-b88a-442d-9380-fc9eda149df7.jpg + where_visible: UI +- id: 6b2f84ac-e8c8-4581-a474-6657765887be + current_stock: 17 + name: Swift Paddle for Smooth Kayaking + category: outdoors + style: kayaking + description: Glide across the water with ease using our lightweight, durable kayak + paddle. The ergonomic grip and reinforced blade provide control and efficiency + for casual and avid paddlers alike. + price: 24.99 + image: 6b2f84ac-e8c8-4581-a474-6657765887be.jpg + where_visible: UI +- id: d2c48852-0c49-457c-bbf1-89de447ef4bb + current_stock: 17 + name: Paddle Faster, Longer with Sturdy Kayak + category: outdoors + style: kayaking + description: Expertly crafted sturdy aluminum shaft and polypropylene blades make + our kayak paddle perfect for smooth, effortless paddling. The ergonomic grip and + lightweight design reduce fatigue for all-day kayaking adventures. + price: 19.99 + image: d2c48852-0c49-457c-bbf1-89de447ef4bb.jpg + where_visible: UI +- id: c621da57-cc0f-4004-a975-6b08f28d0d60 + current_stock: 15 + name: Sleek Kayak Paddle for Smooth Sailing + category: outdoors + style: kayaking + description: Make kayaking effortless with our lightweight, durable paddle featuring + a streamlined blade to slice through water and a comfy grip so you can go the + distance in vibrant style. + price: 25.99 + image: c621da57-cc0f-4004-a975-6b08f28d0d60.jpg + where_visible: UI +- id: 6d3670f8-821f-46c4-9393-56af4964d988 + current_stock: 17 + name: Pet's Outdoor Fun Accessory + category: outdoors + style: pet + description: This versatile pet accessory designed for outdoor adventures keeps + your furry friend comfortable, entertained, and safe while exploring the great + outdoors together. Crafted with care using durable materials to withstand the + elements. + price: 31.99 + image: 6d3670f8-821f-46c4-9393-56af4964d988.jpg + where_visible: UI +- id: d9c22fb1-8785-4aaa-bd26-81b0a917c01c + current_stock: 14 + name: Adventurous Comfort for Your Pup + category: outdoors + style: pet + description: This innovative outdoor accessory kit provides your pup with comfort, + entertainment, and security for adventures of all kinds. Thoughtfully designed + with adjustable straps, multiple pockets, and durable weather-resistant materials, + it caters to your dog's needs for the great outdoors in both form and function. + price: 31.99 + image: d9c22fb1-8785-4aaa-bd26-81b0a917c01c.jpg + where_visible: UI +- id: 54dc5dd9-3df4-410a-ae55-54844988a0ca + current_stock: 11 + name: Adventure On with Man's Best Friend + category: outdoors + style: pet + description: Make every outdoor adventure with your pup memorable with our thoughtfully + designed dog accessory. Featuring adjustable straps, multiple pockets, and durable + materials, this accessory provides comfort, entertainment, and convenience for + dogs on hikes, camping, and neighborhood strolls. + price: 52.99 + image: 54dc5dd9-3df4-410a-ae55-54844988a0ca.jpg + where_visible: UI + promoted: true +- id: baae9ca1-2fd5-4161-8eb3-d0c0616e34f6 + current_stock: 9 + name: Adventure Awaits with Pet Outdoors Gear + category: outdoors + style: pet + description: This innovative outdoor accessory provides comfort, entertainment, + and security for pets to safely enjoy the great outdoors while strengthening the + human-animal bond. + price: 11.99 + image: baae9ca1-2fd5-4161-8eb3-d0c0616e34f6.jpg + where_visible: UI +- id: af669fc5-d861-41dd-b6a0-30fc30519252 + current_stock: 8 + name: Pet Paradise - For Outdoor Fun + category: outdoors + style: pet + description: Thoughtfully designed for comfort and security, this innovative pet + accessory becomes your furry friend's favorite oasis outdoors. Durable and stylish, + it blends into any backyard while keeping your pet safe, happy, and ready for + adventure. + price: 13.99 + image: af669fc5-d861-41dd-b6a0-30fc30519252.jpg + where_visible: UI + promoted: true +- id: 0c4e5ca2-93cd-4ddb-a5d3-197fa2221ead + current_stock: 7 + name: Stylish Playhouse for Pets + category: outdoors + style: pet + description: Let your pet play in style with this innovative outdoor playhouse! + Durable, weather-resistant materials keep your furry friend cozy and entertained + outside. Easily attaches for portable pet fun on all your adventures. + price: 52.99 + image: 0c4e5ca2-93cd-4ddb-a5d3-197fa2221ead.jpg + where_visible: UI +- id: 4d010975-7365-4db9-b31c-5eee0286c458 + current_stock: 15 + name: Outdoors Fun For You And Pup + category: outdoors + style: pet + description: This innovative outdoor accessory keeps your pet comfortable, entertained, + and secure while enjoying quality time together outdoors. Thoughtfully designed + with durable, weather-resistant materials and handy features for convenience. + price: 45.99 + image: 4d010975-7365-4db9-b31c-5eee0286c458.jpg + where_visible: UI +- id: 42ba4ae9-f12b-481a-9159-81c65103cc2c + current_stock: 14 + name: Explore Nature with Your Pet + category: outdoors + style: pet + description: This innovative outdoor accessory keeps your pet happy, safe, and entertained + during walks, hikes, camping trips, or backyard play. Durable, weather-resistant + materials withstand the elements while promoting healthy activity and exploration. + price: 19.99 + image: 42ba4ae9-f12b-481a-9159-81c65103cc2c.jpg + where_visible: UI +- id: 8c700253-c812-486a-9cac-e605377f0eb6 + current_stock: 16 + name: Rugged Outdoor Gear for Adventurous Dogs + category: outdoors + style: pet + description: This innovative outdoor accessory enriches your pup's adventurous spirit + with durable, convenient features allowing carefree playtime outdoors. Let your + furry friend relish the great outdoors worry-free with this must-have dog accessory. + price: 46.99 + image: 8c700253-c812-486a-9cac-e605377f0eb6.jpg + where_visible: UI +- id: da94e783-5959-4df1-bca1-6719ece02699 + current_stock: 6 + name: Rugged Pet Adventure Gear + category: outdoors + style: pet + description: This innovative outdoor accessory lets your pup adventure in comfort + and safety. Thoughtfully designed for carefree play, it provides durability, convenience, + and peace of mind so you and your dog can enjoy worry-free outdoor fun. + price: 42.99 + image: da94e783-5959-4df1-bca1-6719ece02699.jpg + where_visible: UI +- id: a33a4931-ddd6-410e-bf4c-7e1f0a39feec + current_stock: 8 + name: Fido's Fun Flying Disc + category: outdoors + style: pet + description: This colorful, soft plastic frisbee provides hours of fun fetch and + bonding for you and your energetic dog. Durable yet gentle on your pup's mouth, + it smoothly glides through the air, encouraging natural instincts to run and catch. + price: 25.99 + image: a33a4931-ddd6-410e-bf4c-7e1f0a39feec.jpg + where_visible: UI +- id: 7160b264-e3ed-4ac3-9dd7-2c537b00e5ed + featured: true + current_stock: 17 + name: Fetch-tastic Frisbee for Playful Pups + category: outdoors + style: pet + description: This durable, bite-resistant frisbee provides dogs with aerobic exercise + and mental stimulation. Its lightweight design and textured rim make catching + and throwing a breeze for energetic pups who love to run, leap, and bond with + their human. + price: 28.99 + image: 7160b264-e3ed-4ac3-9dd7-2c537b00e5ed.jpg + where_visible: UI +- id: 5e794430-4bc9-411f-b912-9007baaa67e2 + current_stock: 12 + name: Adventurous Comfort for Daring Dogs + category: outdoors + style: pet + description: This innovative outdoor accessory enriches your dog's adventures, providing + comfort and security so they can frolic freely. Thoughtfully designed for worry-free + playtime, your pup will adore this must-have gift crafted just for their outdoor + enjoyment. + price: 27.99 + image: 5e794430-4bc9-411f-b912-9007baaa67e2.jpg + where_visible: UI + promoted: true +- id: c72257d4-430b-4eb7-9de3-28396e593381 + current_stock: 11 + name: Rugged Pet Adventure Pack + category: outdoors + style: pet + description: This durable, adjustable outdoor accessory caters to your dog's adventure + needs with pockets for treats and waste bags. Crafted for comfort and security, + it adds outdoor function and style for dogs of all breeds and sizes. + price: 48.99 + image: c72257d4-430b-4eb7-9de3-28396e593381.jpg + where_visible: UI +- id: fc7ca715-a12e-4e6e-9cbc-ba5640550076 + current_stock: 11 + name: Fetch Friends Dog Frisbee + category: outdoors + style: pet + description: This colorful, lightweight disc provides hours of healthy, bonding + fetch fun. Designed for easy catching and throwing, the flexible plastic material + is gentle yet durable for your dog's maximum playtime enjoyment. + price: 50.99 + image: fc7ca715-a12e-4e6e-9cbc-ba5640550076.jpg + where_visible: UI +- id: 1664a77a-fcfc-46ee-8d4a-99be791248ff + current_stock: 19 + name: Rugged Dog Hiking Pack + category: outdoors + style: pet + description: This innovative outdoor accessory caters to your dog's needs with adjustable + straps, multiple pockets, and durable weather-resistant materials, making it the + perfect companion for hiking, camping, and neighborhood strolls. + price: 36.99 + image: 1664a77a-fcfc-46ee-8d4a-99be791248ff.jpg + where_visible: UI +- id: a426a252-50ca-4a4d-b477-306985c3e0a6 + current_stock: 16 + name: Adventuring with Your Pup + category: outdoors + style: pet + description: This innovative outdoor accessory keeps your adventurous pup secure, + comfortable, and entertained with its durable, high-quality design made for dogs + of all breeds and sizes to explore the great outdoors in style. + price: 34.99 + image: a426a252-50ca-4a4d-b477-306985c3e0a6.jpg + where_visible: UI + promoted: true +- id: d51e4f8e-c010-4ddd-a88b-b70820806e17 + current_stock: 14 + name: Adventure Awaits Your Dog Outdoors + category: outdoors + style: pet + description: Let your dog adventure in comfort with this innovative outdoor accessory. + Thoughtfully designed for security and fun, it provides carefree playtime while + protecting your pup from the elements. The perfect gift for your beloved furry + friend! + price: 43.99 + image: d51e4f8e-c010-4ddd-a88b-b70820806e17.jpg + where_visible: UI +- id: f6996563-3f1a-4254-a922-f5700cf66153 + current_stock: 13 + name: Festive Christmas Candy Assortment + category: seasonal + style: christmas + description: Indulge in nostalgic holiday flavors with this festive assortment of + yuletide confections. This merry mix of chocolate Santas, candy canes, and gingerbread + men evokes the spirit of the season in one joyful package. + price: 105.99 + image: f6996563-3f1a-4254-a922-f5700cf66153.jpg + where_visible: UI +- id: a2878ed2-e908-4f2b-b973-fa7b2b155a37 + current_stock: 10 + name: Festive Holiday Candy Assortment + category: seasonal + style: christmas + description: Celebrate the holidays with our festive assortment of Christmas candies. + This merry mix of holiday sweets includes favorites like minty candy canes, chocolate + Santas, and gingerbread men. Spread cheer this season with our nostalgic treat. + price: 143.99 + image: a2878ed2-e908-4f2b-b973-fa7b2b155a37.jpg + where_visible: UI +- id: c04b8e73-0e2e-4824-b127-621a444d88eb + current_stock: 10 + name: Festive Christmas Candy Treat + category: seasonal + style: christmas + description: A festive and nostalgic holiday treat, this delicious Christmas Candy + evokes the magical spirit of the season with its celebratory red and green colors + and decadent sweet taste. + price: 63.99 + image: c04b8e73-0e2e-4824-b127-621a444d88eb.jpg + where_visible: UI +- id: d41bcce7-a956-416a-bac8-ff8dd6c37387 + current_stock: 16 + name: Festive Christmas Candy Collection + category: seasonal + style: christmas + description: A festive assortment of holiday candies evoking the sights, flavors, + and spirit of Christmas. This limited-edition collection of nostalgic treats makes + an indulgent gift for spreading seasonal cheer. + price: 80.99 + image: d41bcce7-a956-416a-bac8-ff8dd6c37387.jpg + where_visible: UI + promoted: true +- id: 4a07c36b-f4e7-4cc1-919e-e48563c1ad61 + current_stock: 19 + name: Sparkling Christmas Decorations Spread Cheer + category: seasonal + style: christmas + description: Spread holiday cheer with our festive collection of ornaments, garlands, + and lights. High quality materials and timeless designs made to decorate your + home in classic or modern Christmas style. + price: 120.99 + image: 4a07c36b-f4e7-4cc1-919e-e48563c1ad61.jpg + where_visible: UI +- id: 66887b8c-748b-4e47-ae9e-cbe11cfe94c3 + current_stock: 9 + name: Festive Christmas Decorations Set + category: seasonal + style: christmas + description: Spread holiday cheer with our festive Christmas home decor. This comprehensive + collection features classic yuletide trimmings like sparkling garlands, elegant + table accents, and cozy throw blankets for a merry and bright home. + price: 136.99 + image: 66887b8c-748b-4e47-ae9e-cbe11cfe94c3.jpg + where_visible: UI + promoted: true +- id: 4dabf3e9-9c2c-409a-84a9-ceb4528ba352 + current_stock: 16 + name: Festive Christmas Decorations + category: seasonal + style: christmas + description: Ring in the holiday season with festive and eye-catching Christmas + decorations. Our high-quality collection features lights, garlands, figurines, + and more to deck your halls in classic Christmas style. Available for a limited + time each year. + price: 98.99 + image: 4dabf3e9-9c2c-409a-84a9-ceb4528ba352.jpg + where_visible: UI +- id: 0f564ecb-1567-4efd-a4f2-6370c62e64ba + current_stock: 9 + name: Festive Christmas Decorations Spread Holiday Cheer + category: seasonal + style: christmas + description: Our festive Christmas decor collection features classic holiday themes + like wreaths, lights, and nutcrackers to spread cheer and holiday magic. High-quality + seasonal decorations to deck any space. + price: 97.99 + image: 0f564ecb-1567-4efd-a4f2-6370c62e64ba.jpg + where_visible: UI +- id: 11d3acc6-c567-45a2-a865-15723b41b162 + current_stock: 17 + name: Festive Christmas Decorations Collection + category: seasonal + style: christmas + description: A festive collection of high-quality Christmas decorations featuring + lights, garlands, figurines, and wreaths in classic holiday colors. Deck your + halls with cheer this season! + price: 68.99 + image: 11d3acc6-c567-45a2-a865-15723b41b162.jpg + where_visible: UI +- id: e6c07e26-3f21-4b47-9f78-0afd24dfa409 + current_stock: 12 + name: Festive Christmas Decorations + category: seasonal + style: christmas + description: Ring in the holidays with festive Christmas decorations from garlands + to ornaments that will make your home merry and bright. These classic and whimsical + seasonal accents, lights, and more are perfect for spreading cheer throughout + your uniquely styled space. + price: 68.99 + image: e6c07e26-3f21-4b47-9f78-0afd24dfa409.jpg + where_visible: UI + promoted: true +- id: 67dbce8c-84d8-4715-8bf7-1590ad56ac91 + current_stock: 15 + name: Festive Christmas Decor Collection + category: seasonal + style: christmas + description: "Spread holiday cheer with our festive Christmas decorations. This\ + \ merry and bright collection offers everything needed to deck your halls and\ + \ make spirits bright. High-quality trimmings, accents, and tabletop d\xE9cor\ + \ for stylish, warm holiday celebrations." + price: 138.99 + image: 67dbce8c-84d8-4715-8bf7-1590ad56ac91.jpg + where_visible: UI +- id: af0290e7-3bc3-493f-b1d7-e08167acfacb + current_stock: 14 + name: Twinkling Christmas Cheer Decor + category: seasonal + style: christmas + description: Sparkle up your home this Christmas with our festive collection of + ornaments, garlands, and lights. These joyful decorations feature classic and + modern styles to complement any holiday aesthetic. Spread the magical spirit of + the season throughout your home! + price: 64.99 + image: af0290e7-3bc3-493f-b1d7-e08167acfacb.jpg + where_visible: UI +- id: 16ec2943-30b2-4620-9a9e-370774c86ca0 + current_stock: 9 + name: Twinkling Holiday Cheer Decorations + category: seasonal + style: christmas + description: Sparkling Christmas decor brings festive and joyful magic to any home. + This thoughtfully curated collection features quality ornaments, garlands, lights + and more in classic and modern styles to complement any Christmas aesthetic. + price: 52.99 + image: 16ec2943-30b2-4620-9a9e-370774c86ca0.jpg + where_visible: UI +- id: b2dba8a2-1634-4579-8b46-b52632f49de2 + current_stock: 9 + name: Festive Christmas Decor Collection + category: seasonal + style: christmas + description: Ring in the holidays with our festive Christmas Decor Collection. This + beautifully crafted seasonal decor captures the magical spirit of Christmas with + timeless wreaths, garlands, stockings, and ornaments. Give your home a nostalgic, + whimsical feel this season with high quality decorations made with care and attention + to detail. + price: 79.99 + image: b2dba8a2-1634-4579-8b46-b52632f49de2.jpg + where_visible: UI + promoted: true +- id: 33308fd7-d70d-4b2a-a897-f3313609e86b + current_stock: 10 + name: Christmas Joy Handcrafted Figurines + category: seasonal + style: christmas + description: Celebrate the Christmas season with finely handcrafted figurines depicting + Santa, snowmen, reindeer and more. Lovingly painted holiday decor to delight and + spread festive joy. + price: 63.99 + image: 33308fd7-d70d-4b2a-a897-f3313609e86b.jpg + where_visible: UI + promoted: true +- id: e723e9ec-ca6b-44c0-9415-fe85e007bf45 + current_stock: 15 + name: Joyful Christmas Figurines + category: seasonal + style: christmas + description: Spread holiday cheer with this finely crafted set of hand-painted resin + Christmas figurines. Nostalgic scenes of Santa, reindeer, elves, and more capture + the magic of the season. An ideal decorative accent for any home. + price: 103.99 + image: e723e9ec-ca6b-44c0-9415-fe85e007bf45.jpg + where_visible: UI +- id: 4ee252f6-4670-456d-896b-8c9879161694 + current_stock: 18 + name: Handcrafted Christmas Magic + category: seasonal + style: christmas + description: Bring Christmas magic home with our handcrafted holiday figurines. + These finely detailed, vibrantly painted characters capture the nostalgic spirit + of the season. An iconic decoration loved for generations. + price: 133.99 + image: 4ee252f6-4670-456d-896b-8c9879161694.jpg + where_visible: UI +- id: 902cbe57-92eb-4b43-b2a4-b82d293e7a7e + current_stock: 16 + name: Festive Handcrafted Holiday Figurines + category: seasonal + style: christmas + description: This finely crafted Christmas figurine set brings joyful holiday spirit + to your seasonal decor. Hand-painted details vividly depict Santa, reindeer, elves, + snowmen, trees, wreaths and more. A charming gift or home accent to spread the + magic of Christmas. + price: 144.99 + image: 902cbe57-92eb-4b43-b2a4-b82d293e7a7e.jpg + where_visible: UI +- id: 45984cee-39f4-4977-83ff-c9246dfb1d82 + current_stock: 12 + name: Christmas Traditions Figurine Set + category: seasonal + style: christmas + description: Capture the nostalgia and merriment of Christmas with this finely crafted + set of hand-painted figurines. Santa, reindeer, elves and more decked in vivid + colors will become your family's cherished holiday tradition. + price: 131.99 + image: 45984cee-39f4-4977-83ff-c9246dfb1d82.jpg + where_visible: UI +- id: e0d8e638-5bc0-4d61-834a-f7eda2ab17e4 + current_stock: 9 + name: Festive Christmas Figurine Set + category: seasonal + style: christmas + description: Celebrate the magic of Christmas with this finely crafted set of seasonal + figurines. Santa, reindeer, elves, and more decked out in vibrant colors to spread + holiday cheer throughout your home. + price: 72.99 + image: e0d8e638-5bc0-4d61-834a-f7eda2ab17e4.jpg + where_visible: UI +- id: aa28ecd4-29b6-479e-9093-b81275456c75 + current_stock: 19 + name: Christmas Figurines Set - Handcrafted Holiday Magic + category: seasonal + style: christmas + description: Capture the magic of Christmas with this finely crafted set of hand-painted + porcelain figurines. Featuring Santa, reindeer, elves, snowmen, and more, these + collectible pieces are perfect for decorating your home in festive holiday style. + price: 53.99 + image: aa28ecd4-29b6-479e-9093-b81275456c75.jpg + where_visible: UI +- id: 09c6e4a6-70ad-4fe0-90ee-6e80bb541c84 + current_stock: 13 + name: Hand-Painted Holiday Cheer + category: seasonal + style: christmas + description: Make the holidays merry and bright with our hand-painted Christmas + figurines. These festive decorations depict Santa, carolers, and other classic + holiday scenes. Lovingly crafted, these collectible ornaments bring joyful spirit + to mantles and gatherings. + price: 120.99 + image: 09c6e4a6-70ad-4fe0-90ee-6e80bb541c84.jpg + where_visible: UI + promoted: true +- id: f7f8c5df-8b1c-40f1-9d02-596d025ad4b1 + current_stock: 14 + name: Christmas Figurines - Festive and Finely Crafted + category: seasonal + style: christmas + description: Celebrate the magic of Christmas with this finely crafted set of holiday + figurines. Santa, reindeer, elves, and more decked out in festive flair. Intricately + detailed pieces to beautifully decorate your home this season. + price: 141.99 + image: f7f8c5df-8b1c-40f1-9d02-596d025ad4b1.jpg + where_visible: UI +- id: f1e0660b-53db-4e9a-a86a-8a990d6b2988 + current_stock: 8 + name: Handcrafted Christmas Figurines + category: seasonal + style: christmas + description: Celebrate the holiday season with our handcrafted Christmas figurines. + These finely detailed Santa, snowmen, and holiday character decorations capture + the magical Christmas spirit. Display these quality resin figurines throughout + your home for festive holiday decor. + price: 105.99 + image: f1e0660b-53db-4e9a-a86a-8a990d6b2988.jpg + where_visible: UI + promoted: true +- id: 079f8824-e91b-40ea-b159-5f7d0a9d9124 + current_stock: 14 + name: Christmas Magic Figurine Set + category: seasonal + style: christmas + description: Bring Christmas magic home with our handcrafted figurine set. Meticulously + sculpted and painted, these collectible decorations capture the holiday spirit + in vibrant color and fine detail. A beloved tradition for over 50 years. + price: 106.99 + image: 079f8824-e91b-40ea-b159-5f7d0a9d9124.jpg + where_visible: UI +- id: 7859ff06-a36e-4f37-b3af-ab1e0d0a6a73 + current_stock: 19 + name: Festive Hand-Painted Christmas Figurines + category: seasonal + style: christmas + description: Capture the nostalgia and joy of Christmas with this finely crafted + set of hand-painted figurines. Santa, reindeer, elves, and more decked out in + vivid colors. A cherished tradition for displaying holiday spirit. + price: 145.99 + image: 7859ff06-a36e-4f37-b3af-ab1e0d0a6a73.jpg + where_visible: UI + promoted: true +- id: 387d4f49-2c5c-4955-9c56-c9f80416e43d + current_stock: 16 + name: Festive Handcrafted Christmas Decor + category: seasonal + style: christmas + description: Spread holiday cheer with our finely crafted Christmas Figurines. These + hand-painted resin decorations depict Santa, reindeer, elves, and more. Display + these durable, vivid pieces to add joyful spirit to any space. + price: 93.99 + image: 387d4f49-2c5c-4955-9c56-c9f80416e43d.jpg + where_visible: UI + promoted: true +- id: 0ed92852-f5ac-41e1-ad8f-1731b24e37c5 + current_stock: 8 + name: Festive Christmas Figurine Set + category: seasonal + style: christmas + description: Celebrate the season with beautifully crafted Christmas figurines. + Our exquisite Santa, reindeer, elves, and more bring festive flair to any space. + Quality-made holiday decor to brighten your home and become a merry tradition. + price: 72.99 + image: 0ed92852-f5ac-41e1-ad8f-1731b24e37c5.jpg + where_visible: UI + promoted: true +- id: db4f21bd-9abf-4213-81ab-30360979884d + current_stock: 10 + name: Handcrafted Christmas Figurines + category: seasonal + style: christmas + description: Bring joy and nostalgia to your holiday decor with these finely crafted + Christmas figurines. Lovingly hand-painted resin captures festive scenes and radiates + old-world charm. A longtime customer favorite, these collectibles become treasured + family heirlooms. + price: 92.99 + image: db4f21bd-9abf-4213-81ab-30360979884d.jpg + where_visible: UI + promoted: true +- id: f48751db-ecd5-4e3c-9fef-82d45c4cf51a + current_stock: 7 + name: Festive Hand-Painted Figurines + category: seasonal + style: christmas + description: Celebrate the magic of Christmas with this finely crafted set of hand-painted + resin figurines. Santa, elves, reindeer, and more decked out in nostalgic charm. + An ideal gift to spread festive cheer throughout the holidays. + price: 81.99 + image: f48751db-ecd5-4e3c-9fef-82d45c4cf51a.jpg + where_visible: UI +- id: 8baedbe5-1c30-4ec2-a2c7-553dc7821596 + current_stock: 17 + name: Christmas Magic Figurine Set + category: seasonal + style: christmas + description: Celebrate the magic of Christmas with this finely crafted set of holiday + figurines. These merry and bright decorations featuring Santa, reindeer, and elves + will spread seasonal cheer in your home for years to come. + price: 65.99 + image: 8baedbe5-1c30-4ec2-a2c7-553dc7821596.jpg + where_visible: UI +- id: 1a61e59b-c067-4d70-a9e7-3fe564f99b6a + current_stock: 15 + name: Handcrafted Christmas Cheer Figurines + category: seasonal + style: christmas + description: Bring nostalgic holiday charm into your home with these handcrafted + Christmas figurines. Lovingly sculpted and painted, these whimsical Santa, snowmen, + angels and more lend cozy, old-world spirit to the season. A festive decorative + accent and gift. + price: 63.99 + image: 1a61e59b-c067-4d70-a9e7-3fe564f99b6a.jpg + where_visible: UI + promoted: true +- id: 8dc592e0-b192-44d7-a639-b79946f4e12b + current_stock: 16 + name: Handcrafted Holiday Cheer + category: seasonal + style: christmas + description: Bring Christmas magic home with our handcrafted holiday figurines. + Lovingly painted Santa, reindeer, snowmen and more capture the nostalgic spirit + of the season. Display these timeless decorations to infuse your home with festive + cheer. + price: 75.99 + image: 8dc592e0-b192-44d7-a639-b79946f4e12b.jpg + where_visible: UI +- id: 275c4b29-2dc5-48d9-8dc9-480314e40102 + current_stock: 7 + name: Twinkling Christmas Lights Brighten Holidays + category: seasonal + style: christmas + description: Twinkling LED lights spread magical cheer. These colorful, durable + Christmas lights are perfect for decorating your home. Energy-efficient and designed + to last, they will brighten your holidays for seasons to come. + price: 121.99 + image: 275c4b29-2dc5-48d9-8dc9-480314e40102.jpg + where_visible: UI + promoted: true +- id: 290bec5b-0b53-4297-9705-2d75322090bd + current_stock: 9 + name: Twinkling Lights Bring Festive Cheer + category: seasonal + style: christmas + description: Twinkling multi-mode Christmas lights add festive cheer. The 20-foot + strand with 100 LED bulbs features 8 modes. Remote controlled and UL-certified + for indoor/outdoor use. Light up your holidays with this magical decor! + price: 63.99 + image: 290bec5b-0b53-4297-9705-2d75322090bd.jpg + where_visible: UI +- id: cd1a0228-7d3d-4782-a1fb-c1e99bc939b3 + current_stock: 12 + name: Sparkle the Season with Twinkling Lights + category: seasonal + style: christmas + description: Twinkling outdoor Christmas lights from Brand Name. 100 mini lights + with 8 modes create a magical glow for trees, railings, roofs. Weatherproof, easy + setup, includes timer and spare bulbs. Light up the holidays in style. + price: 54.99 + image: cd1a0228-7d3d-4782-a1fb-c1e99bc939b3.jpg + where_visible: UI +- id: efa95381-3282-4271-8ff5-5f78b5a5ea6f + current_stock: 7 + name: Twinkling Christmas Lights Bring Cheerful Glow + category: seasonal + style: christmas + description: Spread cheer and magical glow this season with our 50ft weatherproof + LED Christmas lights. Perfect for trees, wreaths, and all your holiday decor, + these colorful lights twinkle with cozy ambiance to make spirits bright. + price: 115.99 + image: efa95381-3282-4271-8ff5-5f78b5a5ea6f.jpg + where_visible: UI +- id: 43e0aa28-3d39-4c08-8902-a3a765caab19 + current_stock: 16 + name: Sparkling Holiday Lights + category: seasonal + style: christmas + description: Twinkling LED Christmas lights in 50ft cord. Eight modes create magical + holiday glow. Durable, colorful lights perfect for trees, wreaths, railings. Remote + controlled, safe indoor/outdoor use. + price: 90.99 + image: 43e0aa28-3d39-4c08-8902-a3a765caab19.jpg + where_visible: UI +- id: 12c36504-3c91-4c48-8941-45fe2c119381 + current_stock: 12 + name: Festive Snowflake Holiday Mug + category: seasonal + style: christmas + description: Spread holiday cheer with this festive red mug featuring a snowflake + pattern. Durable ceramic construction holds your favorite hot drink to celebrate + the season year after year. + price: 103.99 + image: 12c36504-3c91-4c48-8941-45fe2c119381.jpg + where_visible: UI + promoted: true +- id: cecf0bc0-822d-4119-a231-947952b718f6 + current_stock: 13 + name: Festive Snowflake Holiday Mug + category: seasonal + style: christmas + description: Celebrate the spirit of Christmas with this festive red snowflake mug! + The cheerful design evokes the holiday season and makes a great gift. Durable + ceramic construction ensures years of holiday cheer. + price: 54.99 + image: cecf0bc0-822d-4119-a231-947952b718f6.jpg + where_visible: UI +- id: 6d1ac1e7-39a2-49db-a9cb-6fa0d1393f88 + current_stock: 8 + name: Festive Snowflake Holiday Mug + category: seasonal + style: christmas + description: The festive Christmas Snowflake Mug evokes the spirit of the season + with its vibrant red color and snowflake pattern. This cheerful ceramic mug makes + a thoughtful gift to spread holiday cheer. + price: 70.99 + image: 6d1ac1e7-39a2-49db-a9cb-6fa0d1393f88.jpg + where_visible: UI + promoted: true +- id: 126de4a5-9a55-400e-9af2-325e3ad200c9 + current_stock: 8 + name: Festive Snowflake Glass Christmas Ornament + category: seasonal + style: christmas + description: Evoking nostalgia and yuletide cheer, this festive handcrafted red + glass ball Christmas ornament features delicate snowflake etchings. When displayed + on your tree, its smooth shiny surface glimmers, capturing the magical spirit + of the holidays. + price: 145.99 + image: 126de4a5-9a55-400e-9af2-325e3ad200c9.jpg + where_visible: UI + promoted: true +- id: d843fe25-e7d1-40fb-84b0-64bdedf9bed6 + current_stock: 17 + name: Vintage Snow Village Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas tree ornament captures the nostalgic + charm of holidays past with intricate details and glittering accents. Display + this handcrafted glass snow village scene prominently to spread retro holiday + cheer. + price: 80.99 + image: d843fe25-e7d1-40fb-84b0-64bdedf9bed6.jpg + where_visible: UI +- id: 18ecf2a3-198d-4994-afba-dee116bd0a41 + current_stock: 15 + name: Vintage Snow-Covered Village Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas ornament featuring a festive snow-covered + village scene adds nostalgic charm and merry cheer to your holiday decor. Handcrafted + with intricate detail, it's a beautiful collectible heirloom to display prominently. + price: 89.99 + image: 18ecf2a3-198d-4994-afba-dee116bd0a41.jpg + where_visible: UI +- id: a982d205-3cd1-4899-9591-1787b5422a80 + current_stock: 11 + name: Vintage Christmas Tree Ornament + category: seasonal + style: christmas + description: A handcrafted, glittering glass ornament depicting a nostalgic winter + village scene. This intricate vintage-style decoration captures the magical spirit + of Christmas and makes a cherished holiday heirloom. + price: 94.99 + image: a982d205-3cd1-4899-9591-1787b5422a80.jpg + where_visible: UI + promoted: true +- id: d3aac0e7-9b01-494a-82e3-5da750664f38 + current_stock: 9 + name: Festive Village Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas ornament evokes nostalgic charm with + its intricate snow-covered village scene. Handcrafted from glittery glass, it's + a festive heirloom-quality decoration. + price: 80.99 + image: d3aac0e7-9b01-494a-82e3-5da750664f38.jpg + where_visible: UI +- id: 6177b0fb-944b-41da-87ea-f0d643ed1953 + current_stock: 6 + name: Nostalgic Christmas Village Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas ornament depicts a snow-covered village + church amidst evergreen trees, spreading nostalgic holiday cheer that becomes + a treasured family heirloom. + price: 66.99 + image: 6177b0fb-944b-41da-87ea-f0d643ed1953.jpg + where_visible: UI +- id: 11f55a4a-b03d-4d49-91ac-df8485164b4d + current_stock: 17 + name: Vintage Christmas Village Ornament + category: seasonal + style: christmas + description: Rediscover the magic of Christmas with this handcrafted vintage village + ornament. Intricately detailed scene captures nostalgic charm of holidays past. + High-quality glass with glitter accents makes a treasured family heirloom. + price: 103.99 + image: 11f55a4a-b03d-4d49-91ac-df8485164b4d.jpg + where_visible: UI +- id: 4cf78f85-4200-469c-b7b9-05c93770bf44 + current_stock: 13 + name: Handcrafted Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Celebrate the magic of Christmas with this handcrafted red glass ball + ornament featuring delicate frosted snowflake etchings. A festive and nostalgic + decoration that spreads holiday cheer. + price: 146.99 + image: 4cf78f85-4200-469c-b7b9-05c93770bf44.jpg + where_visible: UI + promoted: true +- id: 57caed96-6886-4b9f-9d23-73bb9205812a + current_stock: 16 + name: Vintage Glittering Christmas Village Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas tree ornament evokes nostalgia with + its intricate winter village scene. Handcrafted with glittering detail, it's a + high-quality decoration destined to become a treasured family heirloom. + price: 148.99 + image: 57caed96-6886-4b9f-9d23-73bb9205812a.jpg + where_visible: UI + promoted: true +- id: 466a4ff2-f255-41a5-a83b-9d48443c724e + current_stock: 10 + name: Vintage Christmas Village Ornament + category: seasonal + style: christmas + description: Celebrate the holidays in nostalgic style with this intricately detailed + vintage village ornament. Handcrafted glass captures the magical spirit of Christmas + in a treasured decoration. + price: 110.99 + image: 466a4ff2-f255-41a5-a83b-9d48443c724e.jpg + where_visible: UI + promoted: true +- id: 317ee448-1f0a-4f98-a544-a27071502469 + current_stock: 8 + name: Winter Snowflake Christmas Ornament + category: seasonal + style: christmas + description: This festive red Christmas ornament features a timeless round shape + with frosty white snowflake designs, capturing the magical spirit of the season. + Give your tree the perfect final touch or gift to a loved one. + price: 71.99 + image: 317ee448-1f0a-4f98-a544-a27071502469.jpg + where_visible: UI +- id: 6d818a30-beab-496c-9c9c-8e01a5936d05 + current_stock: 11 + name: Sparkling Snowflake Christmas Ornament + category: seasonal + style: christmas + description: A festive handcrafted red glass ball ornament etched with delicate + snowflakes to evoke joyful nostalgia. This timeless frosted snowflake ornament + makes a perfect gift to decorate your Christmas tree and spread holiday cheer. + price: 114.99 + image: 6d818a30-beab-496c-9c9c-8e01a5936d05.jpg + where_visible: UI +- id: bca5931d-fdd4-41f3-ac6f-8529e9f4e5b2 + current_stock: 19 + name: Vintage Christmas Village Ornament + category: seasonal + style: christmas + description: This nostalgic Christmas ornament depicts a snow-covered village scene + with glittering accents. Crafted from quality materials, it makes a perfect gift + or family heirloom for spreading holiday cheer. + price: 69.99 + image: bca5931d-fdd4-41f3-ac6f-8529e9f4e5b2.jpg + where_visible: UI + promoted: true +- id: 57497543-af19-4367-88e2-a178530c96e9 + current_stock: 13 + name: Vintage Snowy Village Christmas Ornament + category: seasonal + style: christmas + description: Capture the nostalgia and charm of Christmas past with this intricate + vintage village ornament. Handcrafted with fine details andquality materials, + this ornament depicts a snowy winter scene reminiscent of holidays long ago. + price: 111.99 + image: 57497543-af19-4367-88e2-a178530c96e9.jpg + where_visible: UI +- id: cf4ea7c0-c24a-42d1-a72f-d2b8598e1274 + current_stock: 12 + name: Vintage Christmas Ornament with Charming Village + category: seasonal + style: christmas + description: This vintage-inspired Christmas village ornament captures the nostalgic + charm of the holidays with its intricate snow-covered scene handcrafted in classic + red, green and gold. + price: 146.99 + image: cf4ea7c0-c24a-42d1-a72f-d2b8598e1274.jpg + where_visible: UI +- id: 5de68a99-20b9-45b1-9c7a-06e2e627440c + current_stock: 11 + name: Nostalgic Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Treasured handcrafted red glass Christmas ornament etched with delicate + snowflakes evokes nostalgic memories of festive seasons past. An heirloom-quality + decoration spreading yuletide cheer. + price: 67.99 + image: 5de68a99-20b9-45b1-9c7a-06e2e627440c.jpg + where_visible: UI +- id: 61b1ad14-4e70-4029-ba55-d17bbf4ab62b + current_stock: 10 + name: Sparkling Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Celebrate the season with this elegant handcrafted red glass Christmas + ornament featuring frosty white snowflake designs that sparkle against the rich + red background. A timeless decoration to treasure for holidays to come. + price: 106.99 + image: 61b1ad14-4e70-4029-ba55-d17bbf4ab62b.jpg + where_visible: UI +- id: e34b3936-d740-4952-b572-ef984e3919ca + current_stock: 11 + name: Sparkling Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Spread holiday cheer with this festive red glass Christmas ornament + featuring delicate frosted snowflake etchings. Capture the essence of Christmas + with this high-quality seasonal decoration. + price: 120.99 + image: e34b3936-d740-4952-b572-ef984e3919ca.jpg + where_visible: UI +- id: 8ef855f7-8746-423d-b960-5cea2c6f4ecb + current_stock: 17 + name: Holiday Village Ornament + category: seasonal + style: christmas + description: This nostalgic Christmas ornament features a snow-covered village scene + crafted with intricate detail. A perfect traditional decoration full of holiday + charm. + price: 96.99 + image: 8ef855f7-8746-423d-b960-5cea2c6f4ecb.jpg + where_visible: UI + promoted: true +- id: 8f8f015a-4166-4e9e-ac0b-6d980614ca5d + current_stock: 18 + name: Vintage Christmas Village Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas village ornament brings nostalgic charm + to your holiday decor with its intricate handcrafted details and classic red, + green, and gold color scheme. A shining glass keepsake evoking old-fashioned Christmas + nostalgia. + price: 126.99 + image: 8f8f015a-4166-4e9e-ac0b-6d980614ca5d.jpg + where_visible: UI +- id: 29ffa0d7-45c9-4774-9aca-bc382e3352de + current_stock: 14 + name: Holiday Snowflake Glass Ornament + category: seasonal + style: christmas + description: This festive red glass Christmas ornament features delicate snowflake + etchings that evoke nostalgic yuletide cheer. At $109.99, this timeless and intricate + decoration becomes a cherished holiday tradition. + price: 109.99 + image: 29ffa0d7-45c9-4774-9aca-bc382e3352de.jpg + where_visible: UI +- id: ba96fabb-220e-40f4-8999-c270f8d06a90 + current_stock: 12 + name: Sparkling Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Celebrate the magic of Christmas with this festive handcrafted glass + ornament featuring delicate frosty snowflake etchings. A vivid red holiday treasure + to cherish for generations. + price: 93.99 + image: ba96fabb-220e-40f4-8999-c270f8d06a90.jpg + where_visible: UI +- id: a0becbed-a117-4a4e-8dfd-742897cdd758 + current_stock: 14 + name: Sparkling Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Capture the magic of Christmas with this festive red glass ball ornament + etched with delicate snowflakes. A timeless treasure to display on your tree or + give as a meaningful holiday gift. + price: 97.99 + image: a0becbed-a117-4a4e-8dfd-742897cdd758.jpg + where_visible: UI +- id: a9d41cae-8d0b-40e9-b198-d18dc0b81158 + current_stock: 9 + name: Vintage Glitter Christmas Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas tree ornament captures the nostalgic + charm of holidays past with intricate detail and glittering accents. A handcrafted, + heirloom-quality decoration perfect for spreading cheer. + price: 115.99 + image: a9d41cae-8d0b-40e9-b198-d18dc0b81158.jpg + where_visible: UI +- id: 82110ac1-3eb0-4d4a-831e-9cf07e6816ef + current_stock: 14 + name: Sparkling Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Treasured for generations, this festive red glass Christmas ball ornament + delights with hand-etched snowflakes that sparkle on the tree. Capture the magical + spirit of the season with this timeless holiday decoration. + price: 57.99 + image: 82110ac1-3eb0-4d4a-831e-9cf07e6816ef.jpg + where_visible: UI +- id: 39bc2d5b-0d73-4d43-8cad-9fb7fcc12e13 + current_stock: 14 + name: Sparkling Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Celebrate the magic of Christmas with this festive red glass ball ornament + featuring delicate frosted snowflake etchings. Capture nostalgic holiday memories + with this timeless handcrafted decoration. + price: 101.99 + image: 39bc2d5b-0d73-4d43-8cad-9fb7fcc12e13.jpg + where_visible: UI +- id: 4a43c5f7-090c-4cce-93fe-36062539ec38 + current_stock: 10 + name: Nostalgic Christmas Village Ornament + category: seasonal + style: christmas + description: Bring home nostalgic charm this Christmas with our intricately handcrafted + village ornament. This festive red, green and gold decor depicts a snowy winter + scene straight from the past. A treasured heirloom passed down for generations. + price: 67.99 + image: 4a43c5f7-090c-4cce-93fe-36062539ec38.jpg + where_visible: UI + promoted: true +- id: 370e97e4-d355-4e01-a1c3-e3ffdd696ec4 + current_stock: 16 + name: Vintage Glittered Glass Christmas Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas ornament features an intricate winter + village scene handcrafted with delicate detail. Its high-quality glass design + with glitter accents captures nostalgic holiday charm. + price: 114.99 + image: 370e97e4-d355-4e01-a1c3-e3ffdd696ec4.jpg + where_visible: UI +- id: 229465fa-a602-4ba5-8c9c-646ca57e646a + current_stock: 17 + name: Vintage Christmas Village Ornament + category: seasonal + style: christmas + description: Ring in the holidays with this vintage-inspired Christmas village ornament. + Handcrafted with intricate detail, this glass ornament depicts a nostalgic winter + scene and adds festive charm to any holiday display. + price: 76.99 + image: 229465fa-a602-4ba5-8c9c-646ca57e646a.jpg + where_visible: UI +- id: 12570071-cd7f-4dac-b70e-7878f4c41967 + current_stock: 9 + name: Festive Snowflake Glass Ornament + category: seasonal + style: christmas + description: Celebrate the holidays with this handcrafted glass Christmas ornament + featuring intricate snowflake etchings. Its crimson color and frosted pattern + add nostalgic yuletide cheer to any tree. + price: 135.99 + image: 12570071-cd7f-4dac-b70e-7878f4c41967.jpg + where_visible: UI +- id: 205efb0a-f956-43a3-9649-b019bd5f979e + current_stock: 16 + name: Sparkling Snowflake Christmas Ornament + category: seasonal + style: christmas + description: Evoking nostalgic memories of holidays past, this handcrafted red glass + Christmas ball ornament delights with its frosted snowflake etchings. A timeless + treasure to display on your tree year after year. + price: 82.99 + image: 205efb0a-f956-43a3-9649-b019bd5f979e.jpg + where_visible: UI + promoted: true +- id: b57916d2-bc8f-440a-970e-b7413a9122aa + current_stock: 12 + name: Festive Crimson Snowflake Ornament + category: seasonal + style: christmas + description: This handcrafted glass Christmas ornament features delicate etched + snowflakes and a festive crimson color to spread nostalgic yuletide cheer. A heartfelt + gift to delight and magically capture the holiday spirit for generations. + price: 58.99 + image: b57916d2-bc8f-440a-970e-b7413a9122aa.jpg + where_visible: UI + promoted: true +- id: 1149ac6c-9a52-4227-a887-f5bd000d652c + current_stock: 12 + name: Vintage Village Ornament, Handcrafted Charm + category: seasonal + style: christmas + description: Spread nostalgic charm this Christmas with this handcrafted glass ornament + depicting a snow-covered village scene. Intricately designed with vintage flair, + this high-quality heirloom ornament will beautifully decorate your tree or mantle. + price: 87.99 + image: 1149ac6c-9a52-4227-a887-f5bd000d652c.jpg + where_visible: UI +- id: 8c2eb441-f808-4c0b-8d7e-0f19869c00cb + current_stock: 19 + name: Vintage Christmas Village Ornament + category: seasonal + style: christmas + description: This vintage-inspired Christmas ornament captures the nostalgic charm + of holidays past with its intricate snow-dusted village scene. Handcrafted with + glittering detail, this high-quality glass heirloom brings festive cheer to any + tree or mantle. + price: 59.99 + image: 8c2eb441-f808-4c0b-8d7e-0f19869c00cb.jpg + where_visible: UI +- id: 812b315c-fb4b-4103-8911-95968f9cc6c0 + current_stock: 17 + name: Festive Fragrant Christmas Wreath + category: seasonal + style: christmas + description: A festive, fragrant Christmas wreath handcrafted with evergreen, pinecones, + berries and a bright red bow. Adorn your home with holiday cheer this season with + this essential Christmas decoration. + price: 115.99 + image: 812b315c-fb4b-4103-8911-95968f9cc6c0.jpg + where_visible: UI +- id: e8b08d94-751c-4334-8ced-799bf907149e + current_stock: 17 + name: Festive Evergreen Wreath for Christmas + category: seasonal + style: christmas + description: A festive, handcrafted Christmas wreath with aromatic evergreen branches, + pine cones, red berries, and ribbons. This traditional holiday decoration infuses + homes with nostalgic yuletide charm. + price: 137.99 + image: e8b08d94-751c-4334-8ced-799bf907149e.jpg + where_visible: UI +- id: c3475696-e060-4672-990d-99594ed8217a + current_stock: 11 + name: Fragrant Evergreen Christmas Wreath + category: seasonal + style: christmas + description: A festive, fragrant Christmas wreath handcrafted from fresh evergreen + boughs, pinecones, and red berries. This aromatic all-natural decoration signifies + the warmth and joy of the holidays. + price: 56.99 + image: c3475696-e060-4672-990d-99594ed8217a.jpg + where_visible: UI +- id: bb4df74a-842b-47d6-944a-199de287131a + current_stock: 6 + name: Festive Evergreen Wreath with Bow + category: seasonal + style: christmas + description: A festive, fragrant Christmas wreath with lush evergreen branches, + pinecones, berries and a bright red bow. This handcrafted decorative wreath brings + joyful holiday spirit to your home. + price: 105.99 + image: bb4df74a-842b-47d6-944a-199de287131a.jpg + where_visible: UI +- id: b2dbebe7-b9ba-409b-883a-d39ea9effef4 + current_stock: 17 + name: Festive Christmas Wreath with Bow + category: seasonal + style: christmas + description: Ring in the holidays with our festive Christmas wreath. Handcrafted + from fragrant evergreens and accented with pinecones, berries and a cheerful red + bow, this decorative accent welcomes the spirit of the season. + price: 93.99 + image: b2dbebe7-b9ba-409b-883a-d39ea9effef4.jpg + where_visible: UI + promoted: true +- id: 558cb1e8-ae39-4d52-b97f-b6712bf4f263 + current_stock: 9 + name: Festive Wreath with Cheerful Red Bow + category: seasonal + style: christmas + description: Spread joy this season with our festive Christmas wreath featuring + fragrant pine, bright berries, and a cheerful red bow. An essential holiday decoration + to welcome guests and complement your Christmas decor. + price: 140.99 + image: 558cb1e8-ae39-4d52-b97f-b6712bf4f263.jpg + where_visible: UI +- id: c9022319-6833-4e6a-afcf-16fb3b85a2b8 + current_stock: 6 + name: Fragrant Christmas Wreath + category: seasonal + style: christmas + description: A festive, fragrant Christmas wreath handcrafted from fresh evergreen + boughs, pinecones and red berries. This aromatic holiday decoration infuses your + home with the crisp, woodsy scent of winter forests. + price: 113.99 + image: c9022319-6833-4e6a-afcf-16fb3b85a2b8.jpg + where_visible: UI +- id: 0820da7a-07f0-4541-9674-e9a7e98a58e0 + current_stock: 13 + name: Festive Wreath for Christmas Cheer + category: seasonal + style: christmas + description: Ring in the season with this festive 20-inch Christmas wreath! Faux + evergreen, berries, and pinecones are beautifully arranged and accented with a + red velvet bow. Welcome guests with its bright, natural beauty and fragrant pine + scent. The perfect traditional decoration for spreading holiday cheer! + price: 99.99 + image: 0820da7a-07f0-4541-9674-e9a7e98a58e0.jpg + where_visible: UI +- id: 58346c9e-3dc3-481c-931d-45db31846b32 + current_stock: 10 + name: Festive Christmas Wreath with Berries + category: seasonal + style: christmas + description: A festive 20-inch artificial Christmas wreath decorated with lush evergreen, + faux holly berries, pinecones, red velvet bow and jingle bells. Spread holiday + cheer by hanging this fragrant and decorative wreath on your door. + price: 108.99 + image: 58346c9e-3dc3-481c-931d-45db31846b32.jpg + where_visible: UI +- id: d3cff521-4d32-454d-9c1a-0576076ba2d5 + current_stock: 12 + name: Festive Fir Wreath for the Holidays + category: seasonal + style: christmas + description: Celebrate the season with our artfully crafted Christmas wreath. Fragrant + noble fir, cedar and pine boughs accented with pinecones and red winterberries + announce your home is ready for festive holiday gatherings. + price: 128.99 + image: d3cff521-4d32-454d-9c1a-0576076ba2d5.jpg + where_visible: UI +- id: c6dd8c55-2e9a-4907-b769-9f3cbbba5c8d + current_stock: 12 + name: Festive Wreath with Cheery Red Bow + category: seasonal + style: christmas + description: This festive Christmas wreath with bright red bow and fragrant evergreens + welcomes the holiday spirit. Handcrafted with natural pine, berries and ribbons, + it's the perfect gift or home accent. + price: 140.99 + image: c6dd8c55-2e9a-4907-b769-9f3cbbba5c8d.jpg + where_visible: UI +- id: 39832066-ba59-4dc6-8aca-80ca36d4c92c + current_stock: 17 + name: Berry Wreath for Christmas Cheer + category: seasonal + style: christmas + description: A handcrafted Christmas wreath with natural evergreen, pinecones, and + red berries. This festive and fragrant decoration announces your home is ready + for the holidays. + price: 146.99 + image: 39832066-ba59-4dc6-8aca-80ca36d4c92c.jpg + where_visible: UI +- id: 0666855e-e1a2-446d-848e-864a92774721 + current_stock: 7 + name: Festive Berry Wreath with Bow + category: seasonal + style: christmas + description: Make a festive first impression this holiday season with our lifelike + 20" Christmas wreath. Its lush greenery, faux holly berries, and hand-tied red + velvet bow spread cheer across your front door. + price: 135.99 + image: 0666855e-e1a2-446d-848e-864a92774721.jpg + where_visible: UI +- id: 6bd33faa-9715-4f07-8858-bd509954b0b1 + current_stock: 10 + name: Festive Evergreen Christmas Wreath + category: seasonal + style: christmas + description: Ring in the holiday season with this festive Christmas wreath, handcrafted + from fragrant evergreen boughs, pinecones, and red berries. This natural decoration + infuses homes with nostalgic charm and magical scents of the Christmas season. + price: 65.99 + image: 6bd33faa-9715-4f07-8858-bd509954b0b1.jpg + where_visible: UI +- id: 9c4c0c85-7275-4393-a0ad-897148d4ba9f + current_stock: 6 + name: Fragrant Fir Christmas Wreath + category: seasonal + style: christmas + description: Our fragrant noble fir Christmas wreath decorated with pinecones and + red winterberries announces your home is ready to embrace the holiday spirit. + price: 95.99 + image: 9c4c0c85-7275-4393-a0ad-897148d4ba9f.jpg + where_visible: UI +- id: 2b8f89d0-4078-4701-8aac-89c48d8ba392 + current_stock: 9 + name: Festive Berried Wreath with Bow + category: seasonal + style: christmas + description: This festive 20-inch Christmas wreath features lush greenery, faux + holly berries, pinecones, and a big red velvet bow. Display indoors or outdoors + to spread holiday cheer. + price: 114.99 + image: 2b8f89d0-4078-4701-8aac-89c48d8ba392.jpg + where_visible: UI +- id: ec8da233-2282-4339-be21-b30268001a6c + current_stock: 9 + name: Berry Wreath for Christmas Cheer + category: seasonal + style: christmas + description: Craft a festive and fragrant holiday with this artful Christmas wreath, + handmade from aromatic evergreen boughs, pinecones, and red winterberries. Celebrate + the warmth and joy of the season with this all-natural decoration. + price: 107.99 + image: ec8da233-2282-4339-be21-b30268001a6c.jpg + where_visible: UI +- id: c1ac93a4-e73f-4977-ac8f-d08979016e37 + current_stock: 19 + name: Hoppy Easter Basket of Sweets + category: seasonal + style: easter + description: Celebrate springtime with our festive assortment of Easter candy. This + basket contains chocolate eggs, jelly beans, and marshmallow bunnies to enjoy + on Easter Sunday. A delicious way to observe the holiday! + price: 30.99 + image: c1ac93a4-e73f-4977-ac8f-d08979016e37.jpg + where_visible: UI +- id: c37247f2-49c2-46d5-8048-59791c736426 + current_stock: 13 + name: Festive Easter Candy Assortment + category: seasonal + style: easter + description: Treat yourself to a festive assortment of Easter candy including chocolate + eggs, jelly beans, and marshmallow shapes. This whimsical and nostalgic seasonal + candy captures the spirit of Spring. + price: 42.99 + image: c37247f2-49c2-46d5-8048-59791c736426.jpg + where_visible: UI +- id: a496dd39-cc75-413e-8272-c81184ea5f2d + current_stock: 14 + name: Festive Easter Candy Collection + category: seasonal + style: easter + description: Celebrate springtime with our festive Easter Candy Assortment! This + seasonal treat features chocolate eggs, jelly beans, marshmallow bunnies, and + more in joyful shapes and colors. The perfect way to fill Easter baskets with + nostalgic flavors and adorable packaging. + price: 42.99 + image: a496dd39-cc75-413e-8272-c81184ea5f2d.jpg + where_visible: UI +- id: 408410b1-8914-4d3c-aebf-4375d7c36feb + current_stock: 12 + name: Joyful Springtime Sweets Basket + category: seasonal + style: easter + description: Celebrate Spring's renewal with this festive assortment of Easter candy. + Chocolate bunnies, jelly beans, and egg-shaped sweets in cheerful packaging spread + seasonal cheer. + price: 21.99 + image: 408410b1-8914-4d3c-aebf-4375d7c36feb.jpg + where_visible: UI +- id: f6275b6c-1a1c-4122-8fd0-048043f9c871 + current_stock: 19 + name: Hoppy Easter Candy Basket + category: seasonal + style: easter + description: Celebrate spring's renewal with our festive Easter Treats Assortment. + This delightful selection of classic candies like chocolate eggs, jelly beans, + and marshmallow bunnies arrives in joyful packaging, perfect for filling Easter + baskets. Indulge in sugary nostalgia this April! + price: 54.99 + image: f6275b6c-1a1c-4122-8fd0-048043f9c871.jpg + where_visible: UI +- id: a4fce4bd-5073-4434-ae7b-da6a4734708b + current_stock: 6 + name: Hoppy Easter Treats + category: seasonal + style: easter + description: Celebrate the joy of Spring with this festive assortment of Easter + candies and chocolates. This colorful collection of scrumptious seasonal treats + promises holiday cheer for the whole family. + price: 57.99 + image: a4fce4bd-5073-4434-ae7b-da6a4734708b.jpg + where_visible: UI +- id: 5c111431-fbc2-4a49-9c38-83dd5c37586a + current_stock: 14 + name: Bright Basket of Easter Treats + category: seasonal + style: easter + description: Celebrate Spring's renewal with this festive assortment of candy eggs, + chocolate bunnies, jelly beans, and more packaged in a playful Easter basket perfect + for delighting all ages. + price: 15.99 + image: 5c111431-fbc2-4a49-9c38-83dd5c37586a.jpg + where_visible: UI +- id: b92a12e5-2d39-44b1-80b0-2c518e0596fd + current_stock: 6 + name: Spring's Cheery Easter Decor + category: seasonal + style: easter + description: Brighten up your home this Easter with our festive and colorful decorations! + This lively assortment features Easter eggs, bunnies, chicks, and flowers in vibrant + spring hues. A high-quality seasonal decoration perfect for celebrating the Easter + holiday. + price: 20.99 + image: b92a12e5-2d39-44b1-80b0-2c518e0596fd.jpg + where_visible: UI +- id: c16a5a56-aed7-44cd-b871-1459f604aa72 + current_stock: 15 + name: Bright Springtime Easter Decor + category: seasonal + style: easter + description: Celebrate the Easter season in style with our festive and colorful + decorations. This lively assortment features eggs, bunnies, chicks, and flowers + in bright pastel colors that will spread cheer in any space. Add a touch of springtime + charm to your home this year! + price: 49.99 + image: c16a5a56-aed7-44cd-b871-1459f604aa72.jpg + where_visible: UI + promoted: true +- id: 441bc75e-5d77-4cd2-9c3c-6d84e3f44521 + current_stock: 17 + name: Hopping into Spring Decor + category: seasonal + style: easter + description: Celebrate spring's renewal with our festive and colorful Easter Decorations! + This lively seasonal product features symbols like eggs, bunnies, and chicks to + spread cheer. Adorn your home indoors and out with these high-quality, thoughtful + decorations in joyful pastel colors. + price: 20.99 + image: 441bc75e-5d77-4cd2-9c3c-6d84e3f44521.jpg + where_visible: UI +- id: 770f5fc0-f5ca-44a2-bef5-e70db75504a4 + current_stock: 15 + name: Cheery Easter Decorations + category: seasonal + style: easter + description: Celebrate Easter in style with this festive and colorful seasonal decoration. + The lively eggs, bunnies, chicks and flowers spread cheer across mantles and tables. + Vivid colors and charming designs capture the holiday's spirit. + price: 27.99 + image: 770f5fc0-f5ca-44a2-bef5-e70db75504a4.jpg + where_visible: UI +- id: b049bbc2-5f2f-4315-8695-f06731a36448 + current_stock: 13 + name: Bright Springtime Easter Decor + category: seasonal + style: easter + description: Celebrate the joy of Easter with this festive and colorful decoration. + Handcrafted with care, it features spring's traditional symbols like flowers, + bunnies and eggs. A charming gift that brightens any home for the season. + price: 35.99 + image: b049bbc2-5f2f-4315-8695-f06731a36448.jpg + where_visible: UI +- id: 15a367e4-4039-432a-b16e-562e3d02f3db + current_stock: 16 + name: Bright Easter Decorations Liven Home + category: seasonal + style: easter + description: Brighten up your home this Easter with our festive and colorful seasonal + decorations! Featuring vibrant eggs, bunnies, chicks and flowers, these lively + pieces will get everyone in the Easter spirit. + price: 47.99 + image: 15a367e4-4039-432a-b16e-562e3d02f3db.jpg + where_visible: UI +- id: fdf089dc-4344-48fa-ba6a-0673515faa1f + current_stock: 15 + name: Bright, Cheery Easter Decorations + category: seasonal + style: easter + description: Brighten up your home this Easter with our festive and colorful decorations! + This lively assortment includes bunnies, eggs, chicks, and flowers in joyful pastels. + Spread cheer this spring with these high-quality decorations! + price: 22.99 + image: fdf089dc-4344-48fa-ba6a-0673515faa1f.jpg + where_visible: UI +- id: 959f89a4-6a5a-469e-85cf-567d9a6ff831 + current_stock: 7 + name: Springtime Easter Cheer Decor + category: seasonal + style: easter + description: Celebrate the joy of Easter with our festive and colorful seasonal + decorations! These lively wreaths, garlands, and ornamental pieces evoke the pastel + colors of spring and are perfect for brightening up your home or garden for the + holiday. + price: 51.99 + image: 959f89a4-6a5a-469e-85cf-567d9a6ff831.jpg + where_visible: UI +- id: a6432520-a9fe-42a3-8e04-58cd50d18fb0 + current_stock: 12 + name: Cheery Pastel Easter Decorations + category: seasonal + style: easter + description: Celebrate the Easter season in style with these festive and colorful + decorations. Our handcrafted eggs, bunnies, and flowers in joyful pastels will + delightfully adorn your home. Spread the cheer of spring with this lively holiday + collection. + price: 46.99 + image: a6432520-a9fe-42a3-8e04-58cd50d18fb0.jpg + where_visible: UI + promoted: true +- id: 69db7a78-e649-482d-b460-4d4321e7f384 + current_stock: 7 + name: Colorful Easter Cheer Decoration + category: seasonal + style: easter + description: Bring springtime cheer into your home this Easter with our festive + and colorful holiday decoration. This lively item captures the spirit of the season + with bright details perfect for displaying. + price: 49.99 + image: 69db7a78-e649-482d-b460-4d4321e7f384.jpg + where_visible: UI + promoted: true +- id: 952413d6-ecea-4a6e-87e7-f33103ce8b29 + current_stock: 17 + name: Colorful Easter Cheer Decorations + category: seasonal + style: easter + description: "Celebrate spring's renewal with our festive and colorful Easter decorations.\ + \ This high-quality seasonal d\xE9cor includes beautifully crafted wreaths, garlands,\ + \ figurines and more to spread cheer this Easter." + price: 21.99 + image: 952413d6-ecea-4a6e-87e7-f33103ce8b29.jpg + where_visible: UI +- id: c58c7775-92ed-4b17-9b81-a9c27b6e7ae3 + current_stock: 16 + name: Bright Easter Decorations for Festive Home + category: seasonal + style: easter + description: Brighten up your home this Easter with our lively and colorful seasonal + decorations. These high-quality accessories feature charming eggs, bunnies, and + flowers for a festive touch. + price: 48.99 + image: c58c7775-92ed-4b17-9b81-a9c27b6e7ae3.jpg + where_visible: UI +- id: 1ed3ab3f-f190-4226-8650-8fa8298b0374 + current_stock: 14 + name: Springtime Bunny & Chick Decor + category: seasonal + style: easter + description: Celebrate Easter in style! This festive and colorful decoration features + bright spring hues and fun Easter motifs like eggs, bunnies, and chicks. Lively + seasonal accent perfect for bringing Easter spirit into any home or office. + price: 37.99 + image: 1ed3ab3f-f190-4226-8650-8fa8298b0374.jpg + where_visible: UI + promoted: true +- id: 9be3c754-d792-4b9a-80e4-988130797bb1 + current_stock: 8 + name: Colorful Handcrafted Easter Decor + category: seasonal + style: easter + description: This exquisitely crafted Easter decoration spreads cheer with its lively + and colorful details. Lovingly handmade, it features festive eggs, bunnies, and + flowers in joyful pastel hues. Atouch of whimsy to celebrate the renewal of spring. + price: 44.99 + image: 9be3c754-d792-4b9a-80e4-988130797bb1.jpg + where_visible: UI +- id: 836d01d4-df2c-4f79-82f3-45c077bec73f + current_stock: 13 + name: Bright Spring Easter Decor + category: seasonal + style: easter + description: Celebrate Easter in style! This festive and colorful decoration features + bright spring colors and fun Easter designs. The perfect seasonal accent to bring + an Easter spirit into any home or office. + price: 37.99 + image: 836d01d4-df2c-4f79-82f3-45c077bec73f.jpg + where_visible: UI + promoted: true +- id: 9df66bf2-ba87-4d57-b1d3-810d8fffc0e0 + current_stock: 9 + name: Delightful Chocolate Egg Surprise + category: seasonal + style: easter + description: This decadent hollow milk chocolate egg wrapped in festive gold foil + unveils a sweet candy surprise. The rich chocolate and smooth creamy texture make + this Easter classic a delightful treat to gift or enjoy. + price: 51.99 + image: 9df66bf2-ba87-4d57-b1d3-810d8fffc0e0.jpg + where_visible: UI +- id: 678107a8-6a30-43c8-87b3-4f32764fb94d + current_stock: 12 + name: Chocolate Egg Holds Sweet Surprise + category: seasonal + style: easter + description: Indulge in our decadent hollow milk chocolate Easter egg wrapped in + festive foil. Crack open the large egg to reveal a sweet surprise inside! A beloved + tradition perfect for Easter basket fillers. + price: 36.99 + image: 678107a8-6a30-43c8-87b3-4f32764fb94d.jpg + where_visible: UI +- id: 80cb08f0-70f3-4f66-b649-a1dc6d5c434a + current_stock: 7 + name: Festive Chocolate Easter Egg Trove + category: seasonal + style: easter + description: A festive milk chocolate Easter egg wrapped in gold foil, cracking + open to reveal a trove of candy-filled surprises inside. The perfect centerpiece + for Easter baskets. + price: 43.99 + image: 80cb08f0-70f3-4f66-b649-a1dc6d5c434a.jpg + where_visible: UI +- id: 08b05a0d-8f0d-412a-a2b1-97aa6c08a03d + current_stock: 10 + name: Sweet Surprise Easter Egg + category: seasonal + style: easter + description: Indulge in decadent hollow milk chocolate with a sweet surprise inside + this festive Easter egg. Share chocolatey joy and seasonal cheer with loved ones. + price: 57.99 + image: 08b05a0d-8f0d-412a-a2b1-97aa6c08a03d.jpg + where_visible: UI +- id: 543d28a2-c1f0-42bd-87c1-de4d9b546b9e + current_stock: 8 + name: Chocolate Egg Surprise + category: seasonal + style: easter + description: A festive hollow milk chocolate egg filled with a tasty assortment + of smaller candies. This classic Easter treat wrapped in colorful foil delights + children and adults alike. + price: 57.99 + image: 543d28a2-c1f0-42bd-87c1-de4d9b546b9e.jpg + where_visible: UI + promoted: true +- id: a56308af-abd2-41a0-9cf3-b4a040fd8d3f + current_stock: 8 + name: Chocolate Egg Surprise + category: seasonal + style: easter + description: Indulge in rich milk chocolate with a sweet surprise inside this festive + foil-wrapped egg, a delicious and whimsical Easter confection available exclusively + in April. + price: 31.99 + image: a56308af-abd2-41a0-9cf3-b4a040fd8d3f.jpg + where_visible: UI +- id: e42b6f6e-cac2-4947-afe9-8357ac259ea1 + current_stock: 19 + name: Sweet Surprise Easter Egg + category: seasonal + style: easter + description: Celebrate Easter with this decadent hollow milk chocolate egg. Crack + open the shiny gold foil to reveal a sweet surprise of assorted chocolates inside. + Indulge in velvety smooth chocolate and discover festive fillings like caramel, + toffee and coconut. + price: 22.99 + image: e42b6f6e-cac2-4947-afe9-8357ac259ea1.jpg + where_visible: UI +- id: 83a95e2a-ba98-41cb-80ad-bd3264e735c0 + current_stock: 9 + name: Colorful Handcrafted Easter Egg + category: seasonal + style: easter + description: This beautifully handcrafted egg features intricate designs and vibrant + colors, capturing the joyful spirit of Easter. The perfect decorative accent for + any spring decor. + price: 46.99 + image: 83a95e2a-ba98-41cb-80ad-bd3264e735c0.jpg + where_visible: UI +- id: 665c1282-d2e2-40b9-9905-189675663f49 + current_stock: 11 + name: Handcrafted Easter Egg Decor + category: seasonal + style: easter + description: This beautifully handcrafted decorative egg features intricate designs + and vibrant colors, perfect for adding a festive touch of charm to your Easter + decor. + price: 57.99 + image: 665c1282-d2e2-40b9-9905-189675663f49.jpg + where_visible: UI +- id: 60519db3-763d-41c8-aaf2-630799feefd5 + current_stock: 12 + name: Pastel Floral Egg Handcraft + category: seasonal + style: easter + description: Celebrate the joy of Easter with this beautifully handcrafted decorative + egg featuring intricate floral designs in pastel colors. Lovingly crafted, this + timeless piece brings festive spring cheer to any decor year after year. + price: 46.99 + image: 60519db3-763d-41c8-aaf2-630799feefd5.jpg + where_visible: UI +- id: 598c7f2a-b176-4900-8cf8-ec2445c1e68c + current_stock: 19 + name: Vibrant Handcrafted Easter Egg + category: seasonal + style: easter + description: This intricately handcrafted decorative egg radiates the joy of spring + with its vibrant colors and elaborate painted designs. A charming addition to + any Easter table. + price: 59.99 + image: 598c7f2a-b176-4900-8cf8-ec2445c1e68c.jpg + where_visible: UI +- id: 00225258-dbfb-4103-a573-007386571a49 + current_stock: 17 + name: Handcrafted Easter Egg Decor + category: seasonal + style: easter + description: This beautifully handcrafted decorative Easter egg features intricate + designs and vibrant colors, capturing the joyful spirit of the holiday. A unique + accent for seasonal spring decor. + price: 16.99 + image: 00225258-dbfb-4103-a573-007386571a49.jpg + where_visible: UI + promoted: true +- id: ebc42a2f-c549-4dfe-9b41-426e8a08bf90 + current_stock: 8 + name: Vibrant Painted Easter Egg Decoration + category: seasonal + style: easter + description: This vibrant handcrafted Easter egg features intricate painted designs + in joyful pastel colors. Place this lightweight decorative piece on display to + add a festive pop of color to your holiday decor. + price: 15.99 + image: ebc42a2f-c549-4dfe-9b41-426e8a08bf90.jpg + where_visible: UI + promoted: true +- id: 95aa9d7e-4b6d-4b44-a7a1-1b223dff08c1 + current_stock: 19 + name: Handcrafted Floral Easter Egg + category: seasonal + style: easter + description: Celebrate the joy of Easter with this handcrafted decorative egg featuring + intricate floral designs in pastel colors. Lovingly hand-painted, this timeless + piece brings festive spirit to any spring decor. + price: 45.99 + image: 95aa9d7e-4b6d-4b44-a7a1-1b223dff08c1.jpg + where_visible: UI +- id: 24867f54-16ac-4d42-9440-2ffdd06942cc + current_stock: 10 + name: Colorful Plastic Easter Eggs + category: seasonal + style: easter + description: Vibrantly colored plastic Easter eggs, perfect for hiding candy and + toys inside. Durable construction in fun spring colors like pink, purple, yellow, + and green make these festive eggs ideal for Easter egg hunts, baskets, and spring + decorating. + price: 39.99 + image: 24867f54-16ac-4d42-9440-2ffdd06942cc.jpg + where_visible: UI +- id: f82ac712-2e45-4d60-a6e4-3f5ec21b623c + current_stock: 14 + name: Colorful Plastic Easter Eggs + category: seasonal + style: easter + description: Brightly colored plastic Easter eggs, perfect for hiding candy and + toys inside. Durable construction in fun spring hues. Whimsical decoration for + seasonal celebrations. + price: 21.99 + image: f82ac712-2e45-4d60-a6e4-3f5ec21b623c.jpg + where_visible: UI +- id: ae44cb9e-05e7-4802-aa80-bc995c87907a + current_stock: 19 + name: Colorful Easter Candy Surprise Eggs + category: seasonal + style: easter + description: Make Easter morning magical with our festive and colorful plastic eggs! + Durable construction in bright spring hues perfect for hiding candy surprises. + A must-have decoration for Easter celebrations. + price: 51.99 + image: ae44cb9e-05e7-4802-aa80-bc995c87907a.jpg + where_visible: UI +- id: 570f90c7-c8c0-4212-bd8a-488747480bb7 + current_stock: 6 + name: Colorful Easter Eggs Full of Surprises + category: seasonal + style: easter + description: Colorful plastic Easter eggs filled with surprises, perfect for Easter + morning hunts and basket stuffers. Durable and reusable, these festive eggs continue + a beloved tradition. + price: 45.99 + image: 570f90c7-c8c0-4212-bd8a-488747480bb7.jpg + where_visible: UI + promoted: true +- id: 1b7db01f-0121-45e5-ae68-a46cb30e49a6 + current_stock: 14 + name: Colorful Reusable Easter Egg Hunt Fun + category: seasonal + style: easter + description: Colorful, reusable plastic eggs perfect for filling with Easter surprises. + Durable and lightweight, these classic eggs add festive fun to Easter celebrations + and egg hunts. + price: 53.99 + image: 1b7db01f-0121-45e5-ae68-a46cb30e49a6.jpg + where_visible: UI +- id: 0e2fdf0e-a5cd-424e-b58f-aa5ab24ab903 + current_stock: 14 + name: Colorful Easter Eggs Filled with Sweets + category: seasonal + style: easter + description: Colorful plastic Easter eggs filled with sweet surprises! A festive + tradition loved by families, our durable eggs add joy to your seasonal celebrations + year after year. + price: 54.99 + image: 0e2fdf0e-a5cd-424e-b58f-aa5ab24ab903.jpg + where_visible: UI +- id: 292c73e0-e9b7-4d65-837c-d7e9ba0ca5a3 + current_stock: 9 + name: Spooky Sweets Halloween Candy Bundle + category: seasonal + style: halloween + description: Celebrate Halloween with our festive candy assortment! This variety + pack of mini chocolates, lollipops, and gummies in spooky wrappers is the perfect + treat for trick-or-treaters, parties, or seasonal snacking. Satisfy your sweet + tooth with our Halloween candy bundle today! + price: 33.99 + image: 292c73e0-e9b7-4d65-837c-d7e9ba0ca5a3.jpg + where_visible: UI +- id: 83c5dbb7-cdfd-4ad9-84af-1b065405aef5 + current_stock: 11 + name: Spooktacular Halloween Costume + category: seasonal + style: halloween + description: Our high-quality Halloween costume lets you embody any character. Dress + up and immerse yourself in Halloween's thrills during trick-or-treating or parties. + Celebrate the season in style with this imaginative, well-crafted costume. + price: 21.99 + image: 83c5dbb7-cdfd-4ad9-84af-1b065405aef5.jpg + where_visible: UI + promoted: true +- id: 95f55bd7-c2fc-4a05-ad47-1f41e38a8456 + current_stock: 17 + name: Spooky Halloween Costume + category: seasonal + style: halloween + description: Transform into your favorite spooky character with this complete Halloween + costume. Includes dress, hat, tights and broom featuring ghostly accents and pumpkin + orange hues. High quality materials perfect for All Hallows' Eve festivities. + price: 43.99 + image: 95f55bd7-c2fc-4a05-ad47-1f41e38a8456.jpg + where_visible: UI +- id: be4a7449-c9a9-4528-9415-4db4116f021c + current_stock: 10 + name: Spooktacular Halloween Costume + category: seasonal + style: halloween + description: Transform into your favorite character with this high-quality, comfortable + Halloween costume. Look spectacular at seasonal events with impressive details + capturing the imagination and spreading seasonal joy. + price: 15.99 + image: be4a7449-c9a9-4528-9415-4db4116f021c.jpg + where_visible: UI +- id: 53743447-7139-4685-aea9-94b68bf8a736 + current_stock: 7 + name: Spooktacular Halloween Costume + category: seasonal + style: halloween + description: This fanciful Spooky Halloween Costume allows you to embrace your inner + ghoul in high-quality attire with ghostly accents and pumpkin hues. The complete + costume will hauntingly delight this All Hallows' Eve. + price: 46.99 + image: 53743447-7139-4685-aea9-94b68bf8a736.jpg + where_visible: UI +- id: 1d183b2d-09f0-409c-b1fe-8f91059654c9 + current_stock: 11 + name: Spooky Halloween Costume + category: seasonal + style: halloween + description: Make Halloween memorable in this imaginative costume with ghostly accents + and spiderweb overlays in pumpkin orange hues. High-quality materials made to + last through a full night of festive Halloween fun. + price: 28.99 + image: 1d183b2d-09f0-409c-b1fe-8f91059654c9.jpg + where_visible: UI +- id: 176dd58f-e2bf-4119-8edd-6967f005114c + current_stock: 11 + name: Spooktacular Halloween Costume + category: seasonal + style: halloween + description: Become your favorite character this Halloween with our high-quality + seasonal costume. Available in a variety of sizes and styles to match your spooky + vision. Order now to get it in time for Halloween fun! + price: 20.99 + image: 176dd58f-e2bf-4119-8edd-6967f005114c.jpg + where_visible: UI +- id: 04cec41f-e100-46e5-942e-f4f791819a47 + current_stock: 17 + name: Spooktacular Halloween Costume + category: seasonal + style: halloween + description: Transform into a ghoulish or goofy character with this detailed Halloween + costume. Immerse yourself in haunted hijinks for the spooky season. Crafted with + care, this costume opens up a world of imagination and creativity. + price: 58.99 + image: 04cec41f-e100-46e5-942e-f4f791819a47.jpg + where_visible: UI +- id: e91ea7d3-17d4-46a4-bf60-1e675351d828 + current_stock: 17 + name: Spooky Transformation Costume + category: seasonal + style: halloween + description: Dress up and become anything you desire this Halloween! Our detailed + costume opens up a world of imagination. Order now to get it in time for Halloween + magic. + price: 22.99 + image: e91ea7d3-17d4-46a4-bf60-1e675351d828.jpg + where_visible: UI + promoted: true +- id: 91cfb05c-44cc-4eca-b622-1fa875e0256c + current_stock: 14 + name: Spooktacular Halloween Decorations + category: seasonal + style: halloween + description: Spookify your home this Halloween with our complete set of haunted + house decorations. Transform any room into a frightfully fun space with animated + figures, cobwebs, window clings, string lights and more - everything you need + for the ultimate haunted house! Order now and be the talk of the neighborhood. + price: 32.99 + image: 91cfb05c-44cc-4eca-b622-1fa875e0256c.jpg + where_visible: UI +- id: 274f6a3b-a782-4c02-a35c-098d38fccb50 + current_stock: 9 + name: Spooktacular Halloween Decoration + category: seasonal + style: halloween + description: This spooky Halloween decoration immerses you in the spirit of the + season. Crafted with care, it features ghosts, jack-o-lanterns and other iconic + symbols. Display it inside or outside to make your Halloween party or home decor + complete. + price: 15.99 + image: 274f6a3b-a782-4c02-a35c-098d38fccb50.jpg + where_visible: UI +- id: 68ef5629-725e-4c74-93e9-ce5eb2adbbfe + current_stock: 13 + name: Spooky Halloween Decor + category: seasonal + style: halloween + description: Spook up your home this Halloween with our festive decoration. This + high-quality item with spooky theming will make your space delightfully haunting. + Order now to prepare your frightfully fun Halloween transformation. + price: 33.99 + image: 68ef5629-725e-4c74-93e9-ce5eb2adbbfe.jpg + where_visible: UI + promoted: true +- id: 970e2650-8ab9-4cea-afb2-9eebdb05919d + current_stock: 15 + name: Spooktacular Halloween Decor Bundle + category: seasonal + style: halloween + description: Transform your home into a haunted house this Halloween with our complete + set of frightful and animated decorations. Everything you need for the ultimate + Halloween experience. + price: 56.99 + image: 970e2650-8ab9-4cea-afb2-9eebdb05919d.jpg + where_visible: UI +- id: 1fc0e7ef-b623-4b1e-90c1-5cadda765301 + current_stock: 17 + name: Spooky Pumpkin Ghost Decor + category: seasonal + style: halloween + description: This intricate handcrafted pumpkin ghost figurine captures the festive + spirit of Halloween with its jack-o-lantern grin and ghostly companion floating + above, painted in vibrant autumnal hues. A unique and fanciful addition to seasonal + decor. + price: 42.99 + image: 1fc0e7ef-b623-4b1e-90c1-5cadda765301.jpg + where_visible: UI +- id: 6f04daee-7387-442f-bc99-a9b0072b29ce + featured: true + current_stock: 17 + name: Spooky Pumpkin Lights for Halloween + category: seasonal + style: halloween + description: Celebrate Halloween in style with these festive pumpkin string lights. + The 20ft wire features 30 shatterproof mini pumpkin, ghost and bat bulbs, perfect + for indoor and outdoor decor. Light up your home with Halloween spirit for only + $39.99! + price: 39.99 + image: 6f04daee-7387-442f-bc99-a9b0072b29ce.jpg + where_visible: UI +- id: 8cad877e-5e9c-44c4-bd43-5613e1203666 + current_stock: 9 + name: Spooky Pumpkin String Lights + category: seasonal + style: halloween + description: Illuminate your home with festive Halloween spirit! This 20ft string + light set features 30 shatterproof pumpkin, ghost and bat bulbs for indoor/outdoor + decor. An essential for seasonal celebrations. + price: 51.99 + image: 8cad877e-5e9c-44c4-bd43-5613e1203666.jpg + where_visible: UI +- id: 0727abd8-ae04-4b76-9fd6-fd09b478c615 + current_stock: 8 + name: Spooky Halloween Lights for Frightful Fun + category: seasonal + style: halloween + description: Spooky and spirited Halloween lights with durable plastic bulbs in + orange, purple and green. Weather-resistant for indoor/outdoor decorating. Transform + your home into a festive space this Halloween season with these delightful lights. + price: 50.99 + image: 0727abd8-ae04-4b76-9fd6-fd09b478c615.jpg + where_visible: UI +- id: c28fe40f-00bd-4c82-897d-1aff37a615ed + current_stock: 8 + name: Spooky Halloween Mug + category: seasonal + style: halloween + description: Celebrate Halloween in spooky style with this festive ceramic mug! + Decorated with playful jack-o'-lanterns, ghosts, and bats, this 12oz mug delivers + seasonal charm and generous capacity for your frighteningly delicious beverages. + Durable, dishwasher safe design perfect for daily use or gifting. + price: 50.99 + image: c28fe40f-00bd-4c82-897d-1aff37a615ed.jpg + where_visible: UI + promoted: true +- id: eecbee28-73a3-425d-84e8-516c326e399c + current_stock: 18 + name: Spooky Carved Pumpkin Decoration + category: seasonal + style: halloween + description: This festive, carved jack-o-lantern illuminated by candlelight brings + traditional spooky flair to Halloween decor. Durable plastic pumpkin with convincing + texture ready to greet trick-or-treaters. + price: 26.99 + image: eecbee28-73a3-425d-84e8-516c326e399c.jpg + where_visible: UI +- id: c865e6da-5223-4a17-9271-fd3a96072625 + current_stock: 11 + name: Spooky Carved Halloween Pumpkin + category: seasonal + style: halloween + description: Celebrate Halloween in style with our festive carved pumpkin decoration. + This traditional orange pumpkin with triangle eyes and toothy grin adds spooky + fun to your home's Halloween decor. + price: 18.99 + image: c865e6da-5223-4a17-9271-fd3a96072625.jpg + where_visible: UI +- id: 91d060b5-149e-4ece-bbe2-ddcd08e1f24e + current_stock: 10 + name: Spooky Carved Halloween Pumpkin + category: seasonal + style: halloween + description: A festive, carved pumpkin with traditional facial features to enhance + your home's Halloween spirit. This decorative gourd has a sturdy stem and deep + orange color for a classic look. + price: 42.99 + image: 91d060b5-149e-4ece-bbe2-ddcd08e1f24e.jpg + where_visible: UI +- id: 6d7b19ca-b79f-4246-9c6e-f043121783c0 + current_stock: 8 + name: Spooky Pumpkin for Halloween Haunts + category: seasonal + style: halloween + description: This festive pumpkin with iconic shape and color sets the perfect mood + for Halloween haunts. Display it prominently to let guests know treats await inside + your home's hauntingly decorated interior. + price: 28.99 + image: 6d7b19ca-b79f-4246-9c6e-f043121783c0.jpg + where_visible: UI +- id: dc9412f1-17c1-4929-b0eb-2fa38669393f + current_stock: 12 + name: Spooky Pumpkin Lights Up Halloween + category: seasonal + style: halloween + description: Celebrate Halloween in style with this festive carved pumpkin decoration. + Illuminate your home with its flickering candle glow and greet trick-or-treaters + with its iconic triangle eyes and carved grin. This realistic plastic jack-o-lantern + captures the spirit of the fall season. + price: 52.99 + image: dc9412f1-17c1-4929-b0eb-2fa38669393f.jpg + where_visible: UI +- id: eba7bf2b-c55d-4375-b213-6463ac46cef3 + current_stock: 8 + name: Spooky Scarecrow Greets Tricksters + category: seasonal + style: halloween + description: Handcrafted scarecrow with pumpkin head greets trick-or-treaters. Burlap, + straw, and wood construction sways ominously to create delightfully creepy mood. + Perfect festive and frightening porch or yard decoration for Halloween. + price: 19.99 + image: eba7bf2b-c55d-4375-b213-6463ac46cef3.jpg + where_visible: UI +- id: 61f4b407-4f23-4549-b955-5f17e19f7128 + current_stock: 6 + name: Spooky Scarecrow Smiles Sweetly + category: seasonal + style: halloween + description: Celebrate Halloween in style with our plaid-clad scarecrow! This handcrafted + decoration with burlap, straw, and pumpkin head will delight trick-or-treaters + when placed outside. His friendly face spreads Halloween cheer to all. + price: 41.99 + image: 61f4b407-4f23-4549-b955-5f17e19f7128.jpg + where_visible: UI +- id: 1cffc28b-f58b-4d0f-b4fb-89cf6ed80291 + current_stock: 6 + name: Spooky Vintage Halloween Sign + category: seasonal + style: halloween + description: Celebrate Halloween in vintage-inspired spooky style with this festive + sign. The sturdy cardboard design features classic black and orange lettering + welcoming trick-or-treaters. + price: 26.99 + image: 1cffc28b-f58b-4d0f-b4fb-89cf6ed80291.jpg + where_visible: UI +- id: cda26fe7-088a-426d-905a-74368dbf8e6d + current_stock: 18 + name: Spooky Vintage Halloween Sign + category: seasonal + style: halloween + description: Celebrate Halloween in spooky style with this festive vintage-inspired + sign. The sturdy black and orange cardboard design ensures this decoration will + liven up your home for years to come. + price: 28.99 + image: cda26fe7-088a-426d-905a-74368dbf8e6d.jpg + where_visible: UI +- id: aa4fca9d-d1ef-4529-9169-7bc075733bd5 + current_stock: 10 + name: Spooky Vintage Halloween Sign + category: seasonal + style: halloween + description: Celebrate the spooky season in style with this festive vintage-inspired + cardboard sign. The bold orange lettering pops against the black background for + a delightfully eerie effect. + price: 25.99 + image: aa4fca9d-d1ef-4529-9169-7bc075733bd5.jpg + where_visible: UI +- id: 6197af7d-ab62-4c5b-8050-4774ed9ebb41 + current_stock: 12 + name: Spooky Metallic Halloween Sign + category: seasonal + style: halloween + description: Celebrate Halloween in style with this high-quality metallic sign. + The vibrant lettering and spooky icons spread Halloween spirit. Perfect for indoor + and outdoor display, this sturdy decoration is a must-have for the festive season. + price: 59.99 + image: 6197af7d-ab62-4c5b-8050-4774ed9ebb41.jpg + where_visible: UI +- id: ab3daef9-987d-41ae-a668-af4732b2596e + current_stock: 11 + name: Spooky Vintage Happy Halloween Sign + category: seasonal + style: halloween + description: Celebrate the spooky season in vintage style with this sturdy cardboard + sign featuring classic orange and black lettering spelling "Happy Halloween" - + the perfect festive touch for indoor or outdoor decor. + price: 45.99 + image: ab3daef9-987d-41ae-a668-af4732b2596e.jpg + where_visible: UI +- id: 7b5edb22-174f-434b-8255-2056ddeb095a + current_stock: 17 + name: Spooky Retro Halloween Sign + category: seasonal + style: halloween + description: A vintage-inspired cardboard sign with bold orange lettering spelling + "Happy Halloween" that adds festive and spooky flair to your home's interior or + exterior Halloween decor. + price: 57.99 + image: 7b5edb22-174f-434b-8255-2056ddeb095a.jpg + where_visible: UI +- id: 9fcced83-5621-4c3c-88dd-f3110360c47e + current_stock: 16 + name: Spooky Halloween Decor Sign + category: seasonal + style: halloween + description: Make your home festive for Halloween with this shimmery "Happy Halloween" + sign featuring classic icons like bats, spiders, and jack-o-lanterns. A must-have + decoration for spreading holiday spirit. + price: 57.99 + image: 9fcced83-5621-4c3c-88dd-f3110360c47e.jpg + where_visible: UI +- id: 8278b7f5-7cc9-4bd6-9cfd-afba162ef4b8 + current_stock: 6 + name: Spooky Halloween Sign + category: seasonal + style: halloween + description: Celebrate Halloween in spooky style with this vintage-inspired sign. + The sturdy cardboard design features bright orange lettering on a black background + for a festive and fun holiday display. + price: 52.99 + image: 8278b7f5-7cc9-4bd6-9cfd-afba162ef4b8.jpg + where_visible: UI + promoted: true +- id: d3f11485-7716-4421-b3fb-247bb2764e35 + current_stock: 12 + name: Spooky Halloween Sign Decor + category: seasonal + style: halloween + description: Spook up your Halloween with this must-have sign! Sturdy construction + and bold lettering create an eerie accent for haunted houses, parties, and home + decor. + price: 34.99 + image: d3f11485-7716-4421-b3fb-247bb2764e35.jpg + where_visible: UI +- id: d4239d9a-4c22-4dd3-976f-0083c7c487b4 + current_stock: 7 + name: Spooky Decor for Haunted Holidays + category: seasonal + style: halloween + description: A must-have decoration with delightfully spooky design. This high-quality + sign featuring imaginative details makes your home festive for haunted Halloween + holidays to come. + price: 46.99 + image: d4239d9a-4c22-4dd3-976f-0083c7c487b4.jpg + where_visible: UI +- id: e1372a53-ba17-48dc-8993-a57309805626 + current_stock: 19 + name: Creepy Posing Skeleton Decor + category: seasonal + style: halloween + description: Our poseable plastic skeleton adds frightful fun to your Halloween + decor. With movable joints and realistic details, this full-sized skeleton prop + is perfect for windows, doorways and more. Order now before supplies run out! + price: 21.99 + image: e1372a53-ba17-48dc-8993-a57309805626.jpg + where_visible: UI +- id: 14fb1b6a-c71d-4b57-b700-b0517ef1ddfb + current_stock: 13 + name: Spooky Skeleton Poses for Halloween + category: seasonal + style: halloween + description: Introducing our poseable plastic skeleton decoration! Create unique + scary scenes with this realistically detailed full-sized skeleton model. Perfect + for indoor and outdoor Halloween displays. + price: 35.99 + image: 14fb1b6a-c71d-4b57-b700-b0517ef1ddfb.jpg + where_visible: UI +- id: 716808c3-e65e-4fe2-8aae-6d8370ff8693 + current_stock: 15 + name: Spooky Skeleton Scares Silly + category: seasonal + style: halloween + description: Make Halloween frightfully fun! This posable, life-size skeleton prop + featuring realistic bones is perfect for haunted houses, graveyards, and parties. + Crafted for durability, it's a must-have decoration to scare and delight this + Halloween season. + price: 48.99 + image: 716808c3-e65e-4fe2-8aae-6d8370ff8693.jpg + where_visible: UI +- id: bf51b46a-02db-4439-bb71-5adfb9e4bda5 + current_stock: 8 + name: Spooky Skeleton Scares for Halloween + category: seasonal + style: halloween + description: This frightfully realistic full-sized plastic skeleton model makes + the perfect decoration for your haunted Halloween house. Pose it in doorways or + around tombstones for screams and shivers! + price: 55.99 + image: bf51b46a-02db-4439-bb71-5adfb9e4bda5.jpg + where_visible: UI +- id: d59d687c-e252-4fd7-ac2a-06ffde0168a3 + current_stock: 11 + name: Spooky Skeleton Scares for Halloween + category: seasonal + style: halloween + description: This frightfully fun full-sized skeleton prop is perfect for indoor + or outdoor Halloween displays. Made with lightweight plastic, it's easy to assemble + and pose into creepy positions. Add spine-chilling spirit to your Halloween celebration! + price: 44.99 + image: d59d687c-e252-4fd7-ac2a-06ffde0168a3.jpg + where_visible: UI +- id: 9b5c3853-6fd8-485b-8448-2a4fdabcbb69 + current_stock: 12 + name: Spooky Skeleton Scares for Halloween + category: seasonal + style: halloween + description: This life-size plastic skeleton with realistic bones is the perfect + centerpiece for your haunted house or yard. Pose it creepily to scare trick-or-treaters + on Halloween night. + price: 21.99 + image: 9b5c3853-6fd8-485b-8448-2a4fdabcbb69.jpg + where_visible: UI +- id: c48cdd85-79da-4903-8bbf-93ee217f1fb6 + current_stock: 17 + name: Spooky Skeleton Comes Alive! + category: seasonal + style: halloween + description: This life-size, posable skeleton prop is a must-have for Halloween + haunted houses and graveyards. Durable lightweight construction and realistic + bones allow creative posing. Frighten and delight this season with this decorative + full skeleton! + price: 35.99 + image: c48cdd85-79da-4903-8bbf-93ee217f1fb6.jpg + where_visible: UI + promoted: true +- id: 8fd77f20-e1cf-44d1-8a75-b38e6946edaf + current_stock: 12 + name: Spooky Spider Pumpkin Wreath + category: seasonal + style: halloween + description: This festive Halloween wreath with pumpkins, spiders, and fall foliage + will give your home a delightfully spooky look for the holiday. + price: 42.99 + image: 8fd77f20-e1cf-44d1-8a75-b38e6946edaf.jpg + where_visible: UI +- id: 269f2084-4e82-4ed8-a8d9-624ef27cf681 + current_stock: 8 + name: Spooky Wreath for Happy Haunting + category: seasonal + style: halloween + description: Festive 24" grapevine wreath decorated with orange, black, and purple + flowers and accents. The perfect Halloween decoration to welcome trick-or-treaters + to your home. + price: 43.99 + image: 269f2084-4e82-4ed8-a8d9-624ef27cf681.jpg + where_visible: UI +- id: 47d8c359-0366-4550-ac11-c359f35302d4 + current_stock: 12 + name: Spooky Wreath with Pumpkins and Bats + category: seasonal + style: halloween + description: Decorate your home for Halloween with this festive 24" wreath featuring + orange, black and purple flowers with mini pumpkins and bats for a spooky and + festive look. The grapevine base provides a sturdy foundation. + price: 48.99 + image: 47d8c359-0366-4550-ac11-c359f35302d4.jpg + where_visible: UI + promoted: true +- id: 1a7ce92a-1c3b-4714-88ab-cf07f4fdd598 + current_stock: 13 + name: Spooky Harvest Wreath + category: seasonal + style: halloween + description: A festive wreath with autumn leaves, mini pumpkins, and spiders that + will add a delightfully eerie touch to your home's exterior this Halloween. An + eye-catching accent piece that captures the spirit of the spooky season. + price: 43.99 + image: 1a7ce92a-1c3b-4714-88ab-cf07f4fdd598.jpg + where_visible: UI + promoted: true +- id: 382f9988-bdc2-42f8-a657-3ad75fd6640c + current_stock: 13 + name: Sweetheart's Candy Gift Box + category: seasonal + style: valentine + description: This festive Valentine's Day candy gift box features a decadent assortment + of chocolates, caramels, and lollipops specially crafted to celebrate love and + friendship. The beautifully presented sweets capture the spirit of the holiday. + price: 54.99 + image: 382f9988-bdc2-42f8-a657-3ad75fd6640c.jpg + where_visible: UI +- id: b4891f1e-b0b0-453f-b991-911dc0fda074 + current_stock: 13 + name: Sweetheart Sweets + category: seasonal + style: valentine + description: Spread sweetness this Valentine's Day with our festive seasonal candies. + The perfect gift to show affection with indulgent flavors and romantic designs. + price: 23.99 + image: b4891f1e-b0b0-453f-b991-911dc0fda074.jpg + where_visible: UI +- id: e830a54b-125d-4dbc-b5ac-1725382d96fd + current_stock: 14 + name: How about "Cherish Love with Sweets Assortment" + category: seasonal + style: valentine + description: This heartfelt Valentine's Day candy assortment features decadent chocolates + and sweets to celebrate love and friendship. Spread joy with premium truffles, + caramels, and other festive candies decorated in this beautifully presented gift + box. + price: 32.99 + image: e830a54b-125d-4dbc-b5ac-1725382d96fd.jpg + where_visible: UI +- id: f98ba1c4-fc1d-4467-83bb-014b1cdb96eb + current_stock: 15 + name: Sweetheart's Chocolate Treasures + category: seasonal + style: valentine + description: Celebrate love and friendship this Valentine's Day by gifting this + festive assortment of decadent chocolates and sweets in a decorative gift box. + These limited-edition treats spread joy and make a thoughtful romantic gift. + price: 47.99 + image: f98ba1c4-fc1d-4467-83bb-014b1cdb96eb.jpg + where_visible: UI +- id: fd883945-a5cb-4c96-a749-c4d70709d909 + current_stock: 16 + name: Sweetheart's Valentine Treat Box + category: seasonal + style: valentine + description: This Valentine's Day, surprise your loved one with a festive assortment + of decadent chocolates and sweets in a decorative gift box. A thoughtful token + of affection to celebrate romance. + price: 52.99 + image: fd883945-a5cb-4c96-a749-c4d70709d909.jpg + where_visible: UI +- id: 0d354dd4-ebd3-4787-8c9f-dd75f6f401a4 + current_stock: 17 + name: Decadent Valentine''s Chocolates Gift + category: seasonal + style: valentine + description: Treat your Valentine to a heartfelt gift with our limited-edition box + of assorted chocolates. These decadent, handcrafted chocolates in elegant Valentine's + Day packaging make the perfect romantic gift. + price: 35.99 + image: 0d354dd4-ebd3-4787-8c9f-dd75f6f401a4.jpg + where_visible: UI + promoted: true +- id: ebaa480b-e069-4ff5-bb2c-ec8b33898626 + current_stock: 18 + name: Indulgent Heart-Shaped Chocolates for Your Valentine + category: seasonal + style: valentine + description: This heart-shaped box brims with decadent artisanal chocolates, a delightful + way to celebrate love this Valentine's Day. These rich ganaches, truffles, and + creamy fillings enrobed in fine chocolate make the perfect romantic gift. + price: 17.99 + image: ebaa480b-e069-4ff5-bb2c-ec8b33898626.jpg + where_visible: UI +- id: 05d20a80-c6b7-44c3-a053-cd9c8a30adbf + current_stock: 11 + name: Delectable Valentine''s Chocolates Gift + category: seasonal + style: valentine + description: "This heart-shaped box brims with rich, decadent chocolates\u2014the\ + \ perfect gift to make Valentine's Day a deliciously sweet celebration of love." + price: 17.99 + image: 05d20a80-c6b7-44c3-a053-cd9c8a30adbf.jpg + where_visible: UI +- id: 053664ca-8056-4d71-b609-5211976554c3 + current_stock: 15 + name: Sweetheart''s Valentine Chocolate Treat + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day by gifting your sweetheart this + heart-shaped box of artisanal chocolates. The decadent assortment of ganaches, + truffles, and creamy fillings enrobed in fine chocolate makes a delicious way + to say "I love you." + price: 37.99 + image: 053664ca-8056-4d71-b609-5211976554c3.jpg + where_visible: UI +- id: ae8772cf-a7ad-4eb8-b12e-b286fd0a773f + current_stock: 10 + name: Love's Sweet Chocolate Indulgence + category: seasonal + style: valentine + description: This Valentine's Day, delight your sweetheart with our thoughtfully + curated heart-shaped box of rich, decadent chocolates. Our gourmet confections + are lovingly crafted with only the finest ingredients for a truly indulgent taste + of romance. + price: 43.99 + image: ae8772cf-a7ad-4eb8-b12e-b286fd0a773f.jpg + where_visible: UI + promoted: true +- id: aea126a0-ecc4-4eaf-847f-76841535b3a9 + current_stock: 18 + name: Sweetheart's Chocolate Gift Box + category: seasonal + style: valentine + description: This Valentine's Day, surprise your loved one with our limited-edition + gift box brimming with decadent, gourmet chocolates. Indulge in velvety smooth + truffles and creamy fillings, lovingly crafted with premium ingredients. Make + every moment sweeter with our thoughtfully curated selection of rich, luxurious + chocolate confections. + price: 43.99 + image: aea126a0-ecc4-4eaf-847f-76841535b3a9.jpg + where_visible: UI + promoted: true +- id: d16257f7-da83-4b24-9e2f-5c4a2a67bdc9 + current_stock: 13 + name: Love's Sweet Chocolate Treasure + category: seasonal + style: valentine + description: Indulge your Valentine with decadent artisan chocolates in a heart-shaped + gift box. This seasonally delicious assortment of rich, creamy flavors beautifully + expresses your love in the sweetest way. + price: 56.99 + image: d16257f7-da83-4b24-9e2f-5c4a2a67bdc9.jpg + where_visible: UI +- id: f58c9fff-3c8e-4da8-825e-d6aac4f4436a + current_stock: 10 + name: Sweetheart''s Velvety Valentine Chocolates + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day by gifting your special someone + a heart-shaped box of decadent, velvety chocolates. This seasonal assortment of + rich truffles, caramels, nuts and creams makes for a thoughtful token of affection. + price: 41.99 + image: f58c9fff-3c8e-4da8-825e-d6aac4f4436a.jpg + where_visible: UI + promoted: true +- id: 66e5b0a9-0cc9-47b2-b78b-8730d561a297 + current_stock: 11 + name: Indulgent Valentine Truffle Treat + category: seasonal + style: valentine + description: Treat your Valentine to decadent truffles in a heart-shaped box. These + chocolate confections feature smooth creamy centers enrobed in rich chocolate. + The perfect gift to indulge your loved one this Valentine's Day. + price: 52.99 + image: 66e5b0a9-0cc9-47b2-b78b-8730d561a297.jpg + where_visible: UI + promoted: true +- id: 2c59c08d-932d-4205-a692-2dbaa3d2027c + current_stock: 6 + name: Sweetheart's Valentine Chocolates + category: seasonal + style: valentine + description: This Valentine's Day, express your love with our decadent assortment + of gourmet chocolates. Indulge your sweetheart's senses in rich, velvety flavors + tucked inside a heart-shaped gift box. + price: 29.99 + image: 2c59c08d-932d-4205-a692-2dbaa3d2027c.jpg + where_visible: UI +- id: 21a89a27-c1b2-4ccf-b68e-27d904b2f854 + current_stock: 16 + name: Romantic Valentine Decorations for Love + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day. Our festive decorations include + lights, banners, floral arrangements, and more to create a warm, romantic atmosphere. + price: 28.99 + image: 21a89a27-c1b2-4ccf-b68e-27d904b2f854.jpg + where_visible: UI + promoted: true +- id: d4caa74c-5d27-4f1a-847d-e2d93a6fdf32 + current_stock: 7 + name: Spread Love's Magic this Valentine's + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day with festive decorations that will + transform any space into a romantic retreat. Our heart lights, garlands, and accents + create the perfect ambiance for a magical evening. + price: 39.99 + image: d4caa74c-5d27-4f1a-847d-e2d93a6fdf32.jpg + where_visible: UI +- id: 8c9b33ea-b3c5-4b55-9646-bafd4d851b8c + current_stock: 19 + name: Romantic Valentine's Day Decor + category: seasonal + style: valentine + description: Celebrate love with our charming Valentine decorations. Crafted with + care, our heartfelt accents create a romantic backdrop for your special day. + price: 24.99 + image: 8c9b33ea-b3c5-4b55-9646-bafd4d851b8c.jpg + where_visible: UI +- id: d08a900a-211d-4020-8d8b-b36659ecae7c + current_stock: 15 + name: Romantic Valentine''s Day Home Decor + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day with our festive decorations. Adorn + your home with heartfelt accents like banners, garlands, and wooden decor to create + a romantic atmosphere. Our quality fabrics and designs let you customize your + space for that special someone. + price: 54.99 + image: d08a900a-211d-4020-8d8b-b36659ecae7c.jpg + where_visible: UI +- id: 819194c7-b742-4f66-8637-ec8ae17f619c + current_stock: 13 + name: Love Blooms Decor + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day with festive decorations to transform + any space into a romantic oasis. Our lighting, banners, accents and more will + make your date night magical. + price: 40.99 + image: 819194c7-b742-4f66-8637-ec8ae17f619c.jpg + where_visible: UI +- id: d46b88f8-98dd-49aa-8ac2-f127aea04c8a + current_stock: 17 + name: Spread Love with Valentine Decor + category: seasonal + style: valentine + description: Spread love this Valentine's Day with our festive decorations. Our + heartfelt accents like banners, garlands, candles, and tableware create a romantic + atmosphere. Decorate your space with pops of pink, red, and white for under $50. + price: 47.99 + image: d46b88f8-98dd-49aa-8ac2-f127aea04c8a.jpg + where_visible: UI +- id: 62259467-5d98-4c6d-a4f2-72e57bf52da6 + current_stock: 7 + name: Lovey Dovey Valentine Decor + category: seasonal + style: valentine + description: Celebrate love with our charming Valentine decorations. Crafted with + care, our heart decor creates a romantic backdrop for any space. Make this Valentine's + Day memorable. + price: 58.99 + image: 62259467-5d98-4c6d-a4f2-72e57bf52da6.jpg + where_visible: UI + promoted: true +- id: 5e10a645-8825-4f12-8a7c-0b42424b8c11 + current_stock: 9 + name: Romantic Valentine''s Decor for Your Love + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day with our elegant decorations. Our + heart lights, garlands, cupid cutouts, and rose petals will add romance and thoughtfulness + to your home. Create a magical evening for your sweetheart with these beautiful + festive accents. + price: 47.99 + image: 5e10a645-8825-4f12-8a7c-0b42424b8c11.jpg + where_visible: UI + promoted: true +- id: 8f4b6800-6af3-4270-a851-b5a3e0666dc2 + current_stock: 6 + name: Lovestruck Valentine Decorations + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day with our festive decorations. Our + high-quality, heartfelt accents like banners, garlands, and wood decor help create + a romantic backdrop for your special someone. + price: 40.99 + image: 8f4b6800-6af3-4270-a851-b5a3e0666dc2.jpg + where_visible: UI +- id: 09b832ce-73fc-49f4-bd8b-5d5e4fe9fe72 + current_stock: 10 + name: Romantic Valentine''s Decorating Kit + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day by transforming any space into + a romantic retreat. Our high-quality decorating kit includes heart garlands, string + lights, banners, confetti and more in shades of red, pink and white. Everything + you need for a magical evening. + price: 24.99 + image: 09b832ce-73fc-49f4-bd8b-5d5e4fe9fe72.jpg + where_visible: UI +- id: f1e98350-8bc1-4f5b-a008-29f467619bda + current_stock: 15 + name: Love Blooms with Valentine Decor + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day with our festive decorations. Our + heartfelt accents and floral embellishments infuse any space with romance. Crafted + with care, these lovely decorations create an atmosphere of endearment for your + special someone. + price: 29.99 + image: f1e98350-8bc1-4f5b-a008-29f467619bda.jpg + where_visible: UI + promoted: true +- id: b6149c48-4fa1-4468-bf01-87a0fd39bdd5 + current_stock: 10 + name: Love Blooms with Valentine Decor + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day with festive decorations from heart + lights to cupid cutouts. Create a romantic ambience for that special someone with + our thoughtful seasonal accents. + price: 32.99 + image: b6149c48-4fa1-4468-bf01-87a0fd39bdd5.jpg + where_visible: UI +- id: 581a8199-60ea-46ac-97aa-658730eef96d + current_stock: 7 + name: "Sweetheart D\xE9cor" + category: seasonal + style: valentine + description: Celebrate love this Valentine's Day with our festive decorations. Our + hand-picked accents like banners, garlands, and heart shapes create a romantic + backdrop. Crafted with care using quality materials, these essentials showcase + your affection in style. + price: 50.99 + image: 581a8199-60ea-46ac-97aa-658730eef96d.jpg + where_visible: UI +- id: 183e6812-3a36-4709-8815-71639f63f73f + current_stock: 10 + name: Sweetheart Valentine Mug + category: seasonal + style: valentine + description: Show your love with our charming Valentine Heart Mug. This elegant + ceramic mug features a festive design that celebrates romance and affection, making + it the perfect gift for your sweetheart this Valentine's Day. + price: 25.99 + image: 183e6812-3a36-4709-8815-71639f63f73f.jpg + where_visible: UI +- id: 46c12a54-bd36-4116-bc4a-f530b073e825 + current_stock: 7 + name: Heartfelt Plush Bunny Love + category: seasonal + style: valentine + description: This cuddly stuffed bunny with its loving expression is a perfect romantic + Valentine's Day gift. The soft plush and floppy ears make it ideal for snuggling + that special someone. + price: 30.99 + image: 46c12a54-bd36-4116-bc4a-f530b073e825.jpg + where_visible: UI +- id: cd78672a-0a5e-4931-ace1-2f2abb90b720 + current_stock: 9 + name: Cuddly Valentine Panda Plushie + category: seasonal + style: valentine + description: Spread love this Valentine's Day with this adorable red heart print + outfit panda plush. The soft, cuddly stuffed animal makes a thoughtful gift for + that special someone. + price: 39.99 + image: cd78672a-0a5e-4931-ace1-2f2abb90b720.jpg + where_visible: UI +- id: 3b320422-8c70-47ef-aae0-d949afa88ad1 + current_stock: 16 + name: Cuddle Me Valentine + category: seasonal + style: valentine + description: This cuddly Valentine's Day teddy bear, with its soft fur, red bow, + and stitched hearts, is the perfect huggable gift to give your sweetheart this + romantic holiday. Show your love with this charming symbol of affection. + price: 24.99 + image: 3b320422-8c70-47ef-aae0-d949afa88ad1.jpg + where_visible: UI + promoted: true +- id: b8eb2f71-56ca-4b9b-991a-0734070e0f5b + current_stock: 13 + name: Be Mine" Valentine Teddy Bear + category: seasonal + style: valentine + description: The Valentine Stuffed Teddybear is a soft, huggable plush bear holding + a heart that says "Be Mine." This cuddly red-bowed teddy bearspread Valentine's + Day love when gifted to your sweetheart. + price: 28.99 + image: b8eb2f71-56ca-4b9b-991a-0734070e0f5b.jpg + where_visible: UI +- id: bd446035-3a6f-49b0-a1c3-d346d12cb877 + current_stock: 8 + name: Cuddle Me Teddy + category: seasonal + style: valentine + description: This cuddly brown teddy bear with a red bow tie is the perfect huggable + Valentine's gift to convey love and affection. Its soft faux fur and jointed limbs + allow for snuggly posing. Personalize it with custom embroidery for that special + someone. + price: 55.99 + image: bd446035-3a6f-49b0-a1c3-d346d12cb877.jpg + where_visible: UI + promoted: true +- id: 5b2336e4-d29e-4fb4-85eb-c871db892aae + current_stock: 14 + name: Cuddle Me Be Mine Bear + category: seasonal + style: valentine + description: Spread love this Valentine's Day with this super-soft and cuddly 16-inch + brown teddy bear wearing a big red "Be Mine" heart. The perfect huggable gift + to warm your sweetheart's heart. + price: 20.99 + image: 5b2336e4-d29e-4fb4-85eb-c871db892aae.jpg + where_visible: UI +- id: c2340902-a2ed-4ebd-a91f-b97da34283d5 + current_stock: 7 + name: Cuddly Valentine Teddybear + category: seasonal + style: valentine + description: Spread love this Valentine's Day with this soft, cuddly teddy bear + featuring a red bow and heart designs. A charming gift to hug, this teddy evokes + warm feelings of affection for your special someone. + price: 59.99 + image: c2340902-a2ed-4ebd-a91f-b97da34283d5.jpg + where_visible: UI +- id: ad41a106-99f7-4258-8060-d1dcb7de93b8 + current_stock: 6 + name: Snuggly Valentine''s Teddybear + category: seasonal + style: valentine + description: Spread love with this snuggly Valentine Teddybear! Its huggable shape + and sweet embroidered face make it the perfect romantic gift to give your sweetheart + this February 14th. + price: 34.99 + image: ad41a106-99f7-4258-8060-d1dcb7de93b8.jpg + where_visible: UI +- id: ba0c2cb6-26b8-488f-81ad-0fa52eb04940 + current_stock: 15 + name: Durable Axe Slices Firewood with Ease + category: tools + style: axe + description: Expertly crafted axe with razor-sharp steel head powers through wood + with ease. Durable wooden handle provides control and comfort for felling trees + or prepping firewood. Must-have tool for every toolbox. + price: 9.99 + image: ba0c2cb6-26b8-488f-81ad-0fa52eb04940.jpg + where_visible: UI +- id: 9f5d5280-76ef-43fa-af68-f0ba26a5f640 + current_stock: 8 + name: Durable Steel Axe for Chopping + category: tools + style: axe + description: Expertly crafted sturdy steel axe with razor-sharp edge stays keen + for long periods, ergonomic handle ensures powerful yet precise chopping, perfect + for felling trees and splitting logs around the homestead. + price: 21.99 + image: 9f5d5280-76ef-43fa-af68-f0ba26a5f640.jpg + where_visible: UI +- id: 3bd2a40a-577d-4c8b-8aed-5c8b8d5543d8 + current_stock: 14 + name: Drill Through Tough Tasks with Ease + category: tools + style: drill + description: This powerful 750 RPM drill is perfect for home improvement projects. + Its durable construction withstands heavy use while the adjustable torque and + keyed chuck enable precise control. Tackle any task with its versatile functionality. + price: 9.99 + image: 3bd2a40a-577d-4c8b-8aed-5c8b8d5543d8.jpg + where_visible: UI +- id: 11c35f7b-ae6f-4291-92a0-0741ce3bdbb0 + current_stock: 14 + name: Power Drill That Tackles Any Project + category: tools + style: drill + description: This powerful, versatile drill is the perfect addition to any DIYer's + toolbox. With adjustable torque, quick bit changes, ergonomic design, and reliable + performance, it can tackle home improvement projects both large and small. + price: 18.99 + image: 11c35f7b-ae6f-4291-92a0-0741ce3bdbb0.jpg + where_visible: UI +- id: cc1324d2-c85e-4f29-8ae8-08e38c0e1db8 + current_stock: 18 + name: Powerful Cordless Drill for Home Projects + category: tools + style: drill + description: The versatile Craftsman 14.4V cordless drill delivers 300 unit watts + of power in a lightweight, compact design. Tackle drilling and driving tasks around + the home with precision and control using this feature-packed drill equipped with + an LED light and keyless chuck. + price: 13.99 + image: cc1324d2-c85e-4f29-8ae8-08e38c0e1db8.jpg + where_visible: UI +- id: 42e1121a-a2a9-488d-80f5-689b204145d4 + current_stock: 6 + name: Powerful Craftsman Drill Tackles Tough Jobs + category: tools + style: drill + description: The Craftsman 14.4V cordless drill delivers powerful, versatile performance. + This lightweight drill features variable speeds, 21 clutch settings, an LED light, + and lithium ion battery for tackling tough jobs with ease. + price: 25.99 + image: 42e1121a-a2a9-488d-80f5-689b204145d4.jpg + where_visible: UI +- id: 600e0db0-302f-49c6-b038-a872442894fb + current_stock: 7 + name: Powerful Pro-Grade Drill for Tough Tasks + category: tools + style: drill + description: This heavy-duty drill packs professional power for drilling through + wood, metal, and more. Its durable construction and variable speeds provide versatility + for home DIYers to contractors. + price: 8.99 + image: 600e0db0-302f-49c6-b038-a872442894fb.jpg + where_visible: UI +- id: 64759ab3-34a0-4f00-ae1a-1dc68b490774 + current_stock: 6 + name: Powerful Compact Cordless Drill + category: tools + style: drill + description: The Craftsman 14.4V cordless drill packs power and versatility into + a lightweight, compact frame. Tackle projects with ease using the durable keyless + chuck and 21 clutch settings. Illuminate workspaces with the built-in LED. + price: 19.99 + image: 64759ab3-34a0-4f00-ae1a-1dc68b490774.jpg + where_visible: UI +- id: edd7a7fa-23e2-4caa-92fa-3bdedfb68223 + current_stock: 13 + name: Sturdy Steel Hammer with Wood Handle + category: tools + style: hammer + description: This sturdy steel hammer with smooth wooden handle is a versatile tool + perfect for construction, woodworking, and home improvement projects. Its balanced + head allows powerful yet controlled striking for driving and pulling nails with + ease. + price: 13.99 + image: edd7a7fa-23e2-4caa-92fa-3bdedfb68223.jpg + where_visible: UI +- id: 1da76c0c-e01d-4978-8b7b-ae031389fc3a + current_stock: 13 + name: Strong Fiberglass Hammer Drives Nails + category: tools + style: hammer + description: This durable Acme hammer drives nails with ease thanks to its fiberglass + handle absorbing shock and providing a secure grip, while the forged steel head + pulls nails when needed. Built for household tasks and basic carpentry projects. + price: 22.99 + image: 1da76c0c-e01d-4978-8b7b-ae031389fc3a.jpg + where_visible: UI +- id: da6e5214-d24f-4be4-901b-b78f17d627b8 + current_stock: 18 + name: Sturdy Steel Hammer for Precision + category: tools + style: hammer + description: This sturdy, perfectly balanced steel hammer delivers precise, powerful + strikes for driving nails and shaping wood and metal. Its durable construction + and textured grip ensure comfort and control during any project. + price: 20.99 + image: da6e5214-d24f-4be4-901b-b78f17d627b8.jpg + where_visible: UI +- id: 89b22997-f0a4-4846-9683-2d10f65bb45a + current_stock: 13 + name: Sturdy Acme Hammer Drives Nails + category: tools + style: hammer + description: This durable Acme hammer with steel head and fiberglass handle drives + nails with ease. The textured grip provides a secure hold, while the claw removes + nails when needed. A must-have addition for any home DIY toolkit. + price: 16.99 + image: 89b22997-f0a4-4846-9683-2d10f65bb45a.jpg + where_visible: UI + promoted: true +- id: 47549d7f-6352-4128-8e48-dbb838cd3b4c + current_stock: 17 + name: Sturdy Steel Hammer for Precision Strikes + category: tools + style: hammer + description: The Hammer delivers sturdy steel precision and comfort for every project. + This perfectly balanced claw hammer builds strength into your work. + price: 15.99 + image: 47549d7f-6352-4128-8e48-dbb838cd3b4c.jpg + where_visible: UI + promoted: true +- id: a58cc0a2-d54f-4e5a-85e7-e8c530592b76 + current_stock: 8 + name: Sturdy Hammer for Precision Strikes + category: tools + style: hammer + description: The Hammer delivers precise, powerful strikes. Its sturdy steel head + and smooth wooden handle provide versatility for driving nails or shaping metal + and wood. The perfectly balanced claw enables easy nail pulling. Durable and reliable, + this is the high-quality hammer every craftsperson needs. + price: 23.99 + image: a58cc0a2-d54f-4e5a-85e7-e8c530592b76.jpg + where_visible: UI +- id: d892b64c-e2cd-412e-9cbc-9ae8fff7aca9 + current_stock: 14 + name: Sturdy Steel Hammer for Powerful Strikes + category: tools + style: hammer + description: This sturdy steel hammer delivers precise, powerful strikes for driving + nails and shaping metal and wood. Its perfectly balanced claw enables easy nail + pulling while the textured grip ensures comfort during extended use. + price: 22.99 + image: d892b64c-e2cd-412e-9cbc-9ae8fff7aca9.jpg + where_visible: UI + promoted: true +- id: f9446e88-fe6e-4601-8f47-7529f80bbac5 + current_stock: 17 + name: Handy Toolbox Knife + category: tools + style: knife + description: This versatile toolbox knife features a sturdy, sharp blade perfect + for cutting tasks. The rubberized grip provides comfort, while the safety lock + and built-in bottle opener add convenience. An essential addition for any DIYer's + toolkit. + price: 18.99 + image: f9446e88-fe6e-4601-8f47-7529f80bbac5.jpg + where_visible: UI +- id: 36671dac-7e57-46ee-a00f-99a7224d61d2 + current_stock: 14 + name: Sturdy Versatile Knife for Every Task + category: tools + style: knife + description: This sturdy, sharp knife is a must-have tool for cutting, slicing, + and chopping. The durable blade and comfortable handle allow you to securely and + easily saw, trim, carve, cut rope, open packages, trim branches, whittle wood, + and tackle everyday DIY tasks. + price: 17.99 + image: 36671dac-7e57-46ee-a00f-99a7224d61d2.jpg + where_visible: UI +- id: ae9a56ef-5dca-4ee9-b671-aaac2521613e + current_stock: 9 + name: Durable Stainless Steel Slicing Knife + category: tools + style: knife + description: This versatile, sturdy stainless steel knife features a sharp blade + perfect for precision cutting and slicing. With an ergonomic grip handle for comfort, + this essential tool enables tackling tough jobs with rust-resistant durability. + price: 14.99 + image: ae9a56ef-5dca-4ee9-b671-aaac2521613e.jpg + where_visible: UI +- id: 9dab47f8-83a3-45e8-b2d1-377365203bf4 + current_stock: 13 + name: Grippy Precision Pliers + category: tools + style: plier + description: This precision-crafted plier grips firmly and enables detailed work. + Its slip-resistant, ergonomic handles reduce hand fatigue. The durable, hardened + steel construction and compact size make this versatile multi-tool essential for + any home or pro toolkit. + price: 15.99 + image: 9dab47f8-83a3-45e8-b2d1-377365203bf4.jpg + where_visible: UI + promoted: true +- id: 53ec1efb-0deb-48cf-96a3-7a7342b78608 + current_stock: 11 + name: Sturdy Pliers for Precise Projects + category: tools + style: plier + description: This sturdy, spring-loaded plier grips objects tightly with serrated + jaws perfect for precision bending, crimping, and cutting. The padded handles + provide comfort for prolonged crafting tasks like jewelry making and model building. + An essential, versatile tool for any well-stocked toolbox. + price: 8.99 + image: 53ec1efb-0deb-48cf-96a3-7a7342b78608.jpg + where_visible: UI +- id: 8f246cbe-1f37-4045-add2-247a8643cb06 + current_stock: 15 + name: Sturdy Pliers - Grip Tightly, Bend Easily + category: tools + style: plier + description: This professional-grade plier grips objects tightly with serrated jaws + and padded handles for comfort. The versatile, durable metal tool crimps, bends, + and cuts - an essential addition to any toolbox. + price: 13.99 + image: 8f246cbe-1f37-4045-add2-247a8643cb06.jpg + where_visible: UI +- id: d090af37-2c9d-4779-9baf-2944eb436f14 + current_stock: 11 + name: Sturdy Pliers for Any Job + category: tools + style: plier + description: This durable [BRAND] plier handles tough jobs with precision-machined + jaws, slip-resistant grip, and built-in wire cutter. Sturdy steel construction + ensures strength and longevity. Essential for any toolbox. + price: 11.99 + image: d090af37-2c9d-4779-9baf-2944eb436f14.jpg + where_visible: UI + promoted: true +- id: e65ad5b5-6860-4444-b873-9368c49cf30c + current_stock: 10 + name: Sturdy Pliers with Ergonomic Grip + category: tools + style: plier + description: This durable, precision-machined plier features ergonomic handles and + built-in wire cutters, providing reliable performance for professionals and DIYers + alike. + price: 11.99 + image: e65ad5b5-6860-4444-b873-9368c49cf30c.jpg + where_visible: UI +- id: 41fcefca-7208-4a6d-8c75-7b8139c769df + current_stock: 19 + name: Sturdy Plier Grips and Cuts + category: tools + style: plier + description: This sturdy, spring-loaded metal plier grips objects firmly for precise + bending, cutting, and crimping. The serrated jaws and ergonomic padded handles + provide comfort and control for electrical, mechanical, and craft projects. + price: 17.99 + image: 41fcefca-7208-4a6d-8c75-7b8139c769df.jpg + where_visible: UI + promoted: true +- id: e2a38514-a5f9-41d5-9545-8ccbdacdc128 + current_stock: 10 + name: Grippy Pro Plier + category: tools + style: plier + description: This versatile, precision-machined plier grips firmly and cuts wire + cleanly. With hardened steel construction, ergonomic handles, and smooth action, + this high-quality tool is a must-have addition to any professional or DIY toolbox. + price: 7.99 + image: e2a38514-a5f9-41d5-9545-8ccbdacdc128.jpg + where_visible: UI + promoted: true +- id: 2aa46f50-0e73-40f4-92a2-fd5a7aec5a4d + current_stock: 14 + name: Sharp Steel Saw Slices Stuff + category: tools + style: saw + description: The Craftsman 10" carbide-tipped saw cuts wood, plastic, and light + metal with its razor-sharp teeth and durable steel blade. Its ergonomic rubber + grip provides control and comfort for any project. + price: 14.99 + image: 2aa46f50-0e73-40f4-92a2-fd5a7aec5a4d.jpg + where_visible: UI +- id: 6eda688b-de3f-4e1b-83a6-dc4a64d1a815 + current_stock: 10 + name: Sturdy Saw Slices Materials + category: tools + style: saw + description: This versatile saw effortlessly cuts through wood, plastic and metal + with its durable blade. The secure grip handle provides control for precise cuts + in tight spaces. A must-have tool for any DIYer. + price: 17.99 + image: 6eda688b-de3f-4e1b-83a6-dc4a64d1a815.jpg + where_visible: UI +- id: 092a278e-4d04-4ce3-bc18-e8a0491a9fb5 + current_stock: 15 + name: Powerful 10" Carbide Saw Slices Wood + category: tools + style: saw + description: The durable Craftsman 10" carbide-tipped saw slices through wood, plastic, + and light metal with ease. Its razor-sharp teeth and ergonomic rubber grip provide + superior control for professional-grade cutting and long-lasting performance. + price: 23.99 + image: 092a278e-4d04-4ce3-bc18-e8a0491a9fb5.jpg + where_visible: UI + promoted: true +- id: 59a91997-1077-4df0-97a7-0d05dea0042b + current_stock: 15 + name: Sturdy Steel Saw Slices Wood Smoothly + category: tools + style: saw + description: This sharp steel blade saw glides smoothly through wood, making precise + cuts with each use. Its durable construction and ergonomic handle provide control + for any carpentry project. + price: 22.99 + image: 59a91997-1077-4df0-97a7-0d05dea0042b.jpg + where_visible: UI +- id: d2d8147f-0f24-42c3-bcbe-a232bab7e94d + current_stock: 11 + name: Durable 10" Carbide Saw Cuts With Ease + category: tools + style: saw + description: The durable Craftsman 10" carbide-tipped saw cuts wood, plastic, and + light metal with ease. Its razor-sharp teeth and ergonomic rubberized handle provide + smooth, accurate cuts time after time. This professional-grade saw is built to + withstand heavy use - a must-have for any carpenter, builder or woodworker. + price: 17.99 + image: d2d8147f-0f24-42c3-bcbe-a232bab7e94d.jpg + where_visible: UI + promoted: true +- id: e9771bb4-cac0-45b4-9e7f-9928ea597e4d + current_stock: 11 + name: Precision Saw - Clean Cuts with Ease + category: tools + style: saw + description: The Precision Cutting Saw features a sharp serrated blade and sturdy + handle for clean, accurate cuts in wood, plastic, and soft metals. An essential + addition for DIYers, hobbyists, and professionals alike. + price: 25.99 + image: e9771bb4-cac0-45b4-9e7f-9928ea597e4d.jpg + where_visible: UI +- id: bc052ec3-025a-40e2-9061-e607dc9eb048 + current_stock: 17 + name: Sturdy Saw Slices Wood and More + category: tools + style: saw + description: This versatile saw effortlessly cuts wood, plastic and metal with its + sharp teeth and durable lightweight frame. Perfect for home improvement and professional + projects, this sturdy saw's secure grip provides precise control for efficient + cuts. + price: 24.99 + image: bc052ec3-025a-40e2-9061-e607dc9eb048.jpg + where_visible: UI +- id: addd77dc-c004-445b-a448-5ef6956d82bd + current_stock: 9 + name: Sturdy Saw Slices Wood, Plastic, Metal + category: tools + style: saw + description: This professional-grade saw effortlessly cuts through wood, plastic, + and metal with its durable construction and sharp teeth. The secure grip handle + minimizes hand fatigue for precise, reliable cutting during DIY, construction, + and home improvement projects. + price: 13.99 + image: addd77dc-c004-445b-a448-5ef6956d82bd.jpg + where_visible: UI +- id: 58005aec-ba76-4bf6-8a5d-2bbfe2c565b0 + current_stock: 18 + name: Sturdy Saw Slices Through Material + category: tools + style: saw + description: This versatile saw effortlessly cuts through wood, plastic and metal. + Its thin blade design lets you maneuver into tight spaces, while the secure grip + handle provides control for precise cuts. Sturdy yet lightweight, it's the perfect + addition to any toolbox. + price: 8.99 + image: 58005aec-ba76-4bf6-8a5d-2bbfe2c565b0.jpg + where_visible: UI + promoted: true +- id: 5aea20a7-8515-4378-82f8-783b7b3c742d + current_stock: 13 + name: Sturdy Saw Slices Material with Ease + category: tools + style: saw + description: This sharp, sturdy saw effortlessly cuts through wood, plastic, and + metal with precision. Its durable construction and secure grip provide control + for clean, accurate cuts on any DIY or construction project. + price: 10.99 + image: 5aea20a7-8515-4378-82f8-783b7b3c742d.jpg + where_visible: UI +- id: 6c5a41f0-8df6-4279-802e-f06d00c0fb0e + current_stock: 7 + name: Sturdy Saw Slices Material + category: tools + style: saw + description: This versatile saw effortlessly cuts through wood, plastic and metal + with its sharp teeth and durable construction. The secure grip handle provides + control for clean, accurate cuts. Reliable precision for hobbyists and professionals + alike. + price: 22.99 + image: 6c5a41f0-8df6-4279-802e-f06d00c0fb0e.jpg + where_visible: UI +- id: b630250c-41f3-4f14-865c-c1dc12e448ac + current_stock: 6 + name: Sturdy Saw Slices Material with Ease + category: tools + style: saw + description: This versatile saw cuts through wood, plastic and metal with ease. + The sturdy construction and sharp teeth provide control and precision on DIY projects. + A must-have tool for every home. + price: 15.99 + image: b630250c-41f3-4f14-865c-c1dc12e448ac.jpg + where_visible: UI + promoted: true +- id: bb710911-1bba-4587-9bbe-65124d8495d0 + current_stock: 16 + name: Sharp Steel Saw Slices Precisely + category: tools + style: saw + description: This sturdy steel saw makes precise cuts through wood and other materials + thanks to its sharp serrated blade and ergonomic handle that provides a steady, + controlled grip. The durable construction stands up to frequent use. + price: 25.99 + image: bb710911-1bba-4587-9bbe-65124d8495d0.jpg + where_visible: UI +- id: f5aea4cc-13dc-492b-a744-27a5e3f718cf + current_stock: 10 + name: Ergonomic Screwdriver for Easy Driving + category: tools + style: screwdriver + description: This ergonomic screwdriver grips easily for driving and removing screws. + Its durable metal shaft and hardened tip resist wear during prolonged use around + the house, workshop, or jobsite. Essential for assembling furniture, appliances, + electronics, and more. + price: 13.99 + image: f5aea4cc-13dc-492b-a744-27a5e3f718cf.jpg + where_visible: UI +- id: 8bffb5fb-624f-48a8-a99f-b8e9c64bbe29 + featured: true + current_stock: 9 + name: Durable Screwdriver for Any Task + category: tools + style: screwdriver + description: This durable, versatile screwdriver features an ergonomic grip and + precisely machined tip for driving or removing screws effortlessly. Essential + for professionals and DIYers completing intricate repairs or major renovations. + price: 24.99 + image: 8bffb5fb-624f-48a8-a99f-b8e9c64bbe29.jpg + where_visible: UI +- id: aa564ee3-67ef-4428-8ad9-fe785a0fff63 + current_stock: 17 + name: Sturdy Magnetic Phillips Screwdriver + category: tools + style: screwdriver + description: This durable Phillips screwdriver features an ergonomic grip and magnetized + tip to effortlessly drive and remove screws. A versatile must-have tool for assembling + furniture, fixing appliances, auto work, and everyday home projects. + price: 7.99 + image: aa564ee3-67ef-4428-8ad9-fe785a0fff63.jpg + where_visible: UI +- id: 8c84a139-aabd-47d6-a5aa-87510a8d5ae9 + current_stock: 6 + name: Handy Home Tool Essentials + category: tools + style: set + description: The must-have tools for every DIYer. This comprehensive set includes + durable, versatile tools like hammers, wrenches, screwdrivers, and pliers. Expertly + designed and perfect for both casual and seasoned crafters. + price: 7.99 + image: 8c84a139-aabd-47d6-a5aa-87510a8d5ae9.jpg + where_visible: UI +- id: 61840d6a-6ba2-4ece-a644-6db6a3377b1c + current_stock: 18 + name: Essentials Tool Kit for Crafters + category: tools + style: set + description: This must-have tool set equips crafters with a versatile collection + of essentials to complete any DIY project. The high-quality hammers, screwdrivers, + wrenches and more provide a foundational starter kit for tackling arts, crafts + and home improvements. + price: 14.99 + image: 61840d6a-6ba2-4ece-a644-6db6a3377b1c.jpg + where_visible: UI +- id: 56e24d72-d09a-4ec5-8da9-d840c9f4795f + current_stock: 11 + name: Versatile Toolbox for Any Project + category: tools + style: set + description: This versatile tool set contains premium tools to tackle any project. + The comprehensive selection of durable, high-quality tools comes organized in + a sturdy case, making this set an invaluable addition to any toolbox. + price: 18.99 + image: 56e24d72-d09a-4ec5-8da9-d840c9f4795f.jpg + where_visible: UI +- id: f4b060b6-9146-47d0-b926-d0c347364278 + current_stock: 19 + name: Sturdy Tool Set for DIY Jobs + category: tools + style: set + description: The Essential Tool Set has all the hand tools you need for DIY projects + and craftwork. Durable, ergonomic tools in a handy case for portability. Precision-crafted + for accuracy and reliability. + price: 11.99 + image: f4b060b6-9146-47d0-b926-d0c347364278.jpg + where_visible: UI +- id: 8098e201-83ec-410d-8f6d-0ef0694f06e6 + current_stock: 13 + name: Sturdy Tool Set for Any Task + category: tools + style: set + description: This versatile tool set packs all the essentials into a sturdy case, + ready to tackle any DIY project. Quality steel tools handle everything from household + fixes to woodworking with ease. The perfect addition for any handyman's toolbox. + price: 8.99 + image: 8098e201-83ec-410d-8f6d-0ef0694f06e6.jpg + where_visible: UI +- id: a14039e2-c624-42cd-a9a8-91919953eac8 + current_stock: 13 + name: Sturdy Tool Set for Handy Fixers + category: tools + style: set + description: This premium toolkit packed with versatile, durable tools is a must-have + for DIYers and pros alike. Handy carrying case keeps the essentials organized + for easy transport to tackle any project. + price: 24.99 + image: a14039e2-c624-42cd-a9a8-91919953eac8.jpg + where_visible: UI +- id: 252ad448-0031-4705-8ec8-d43ad8df9d71 + current_stock: 7 + name: Handy Home Tool Kit + category: tools + style: set + description: The Essential Tool Set has everything a crafter needs for DIY projects. + This durable, versatile toolkit packed in a convenient case includes screwdrivers, + wrenches, pliers, hammers and more. The perfect all-in-one solution for your crafting + needs. + price: 24.99 + image: 252ad448-0031-4705-8ec8-d43ad8df9d71.jpg + where_visible: UI +- id: 67339481-c304-4c19-8aa9-61cfcb165895 + current_stock: 18 + name: Handy Homecrafter Tool Kit + category: tools + style: set + description: The ultimate starter kit for DIY enthusiasts and crafters. This comprehensive + tool set contains all the essentials for measuring, cutting, shaping, and assembling + creative projects. Quality tools for every hobby at an affordable price. + price: 20.99 + image: 67339481-c304-4c19-8aa9-61cfcb165895.jpg + where_visible: UI +- id: 785f77a6-5988-462e-a866-4d6d61390786 + current_stock: 10 + name: Durable Steel Adjustable Wrench + category: tools + style: wrench + description: The Craftsman 12" adjustable wrench grips tight without stripping. + Its offset handle provides extra leverage while the non-slip grip adds control. + This rugged, durable steel tool is a must-have addition to any toolbox. + price: 23.99 + image: 785f77a6-5988-462e-a866-4d6d61390786.jpg + where_visible: UI +- id: 2e95f6fc-6be7-46cf-9e50-8c35313c2768 + current_stock: 18 + name: Sturdy Versatile Craftsman Wrench + category: tools + style: wrench + description: The Craftsman 12" adjustable wrench grips nuts and bolts from 1/4"-1 + 1/4" with a durable chrome finish, laser etched markings, non-slip grip, and smooth + adjusting worm gear - an essential, versatile tool for any toolbox. + price: 7.99 + image: 2e95f6fc-6be7-46cf-9e50-8c35313c2768.jpg + where_visible: UI +- id: b1b2b98b-5fbd-4e05-9d9f-e557409a37df + current_stock: 6 + name: Sturdy Craftsman Wrench Grips Tight + category: tools + style: wrench + description: The Craftsman 12" adjustable wrench grips tightly without stripping. + Its offset handle provides extra leverage while the non-slip grip allows comfortable + control. This rugged, durable steel tool is a must-have addition to any toolkit. + price: 25.99 + image: b1b2b98b-5fbd-4e05-9d9f-e557409a37df.jpg + where_visible: UI +- id: 020741e4-2cbe-4455-97e8-27e2d2f6df61 + current_stock: 17 + name: Sturdy Offset Wrench Grips Tight + category: tools + style: wrench + description: The Durable Offset Wrench grips tightly in tight spaces. Its durable, + rust-resistant steel construction provides the strength to turn the toughest bolts + and pipes. This versatile, heavy-duty tool is a must-have for any toolbox. + price: 25.99 + image: 020741e4-2cbe-4455-97e8-27e2d2f6df61.jpg + where_visible: UI + promoted: true +- id: e9e1a010-d806-48b3-95f1-5ef137a16e18 + current_stock: 19 + name: Sturdy Multi-Size Grip Wrench + category: tools + style: wrench + description: This durable, adjustable wrench grips nuts and bolts of any size to + apply torque for repair and construction projects. The heavy-duty metal withstands + heavy use while the serrated jaws prevent stripping. + price: 12.99 + image: e9e1a010-d806-48b3-95f1-5ef137a16e18.jpg + where_visible: UI +- id: 58050849-fc9e-41a9-8dbe-9f9b7377ac74 + current_stock: 8 + name: Durable Adjustable Wrench Grips Tight + category: tools + style: wrench + description: The durable 12-inch Craftsman adjustable wrench grips nuts and bolts + up to 1-1/4 inches. Its smooth adjustability and non-slip grip provide versatile + control for auto repairs, construction jobs, and home projects. This essential + American-made chrome tool belongs in every toolbox. + price: 25.99 + image: 58050849-fc9e-41a9-8dbe-9f9b7377ac74.jpg + where_visible: UI +- id: b93b7b15-9bb3-407c-b80b-517e7c45e090 + current_stock: 18 + name: Versatile 12" Craftsman Wrench + category: tools + style: wrench + description: Craftsman's 12" adjustable wrench delivers rugged strength and versatility + with its chrome-plated steel construction, 1-1/4" jaw capacity, ergonomic grip, + and laser-etched markings. This essential tool tightly grips any fastener in its + range for professional-grade performance. + price: 15.99 + image: b93b7b15-9bb3-407c-b80b-517e7c45e090.jpg + where_visible: UI + promoted: true +- id: d3707d88-756b-4937-b0d4-d7c84e4cc14e + current_stock: 19 + name: Durable Offset Wrench Grips Tight Spaces + category: tools + style: wrench + description: The Durable Offset Wrench grips fasteners securely in tight spaces. + Its drop-forged, heat-treated steel construction with black oxide finish provides + strength and prevents rust. This rugged, versatile tool is a must-have for professionals, + DIYers, and home use. + price: 11.99 + image: d3707d88-756b-4937-b0d4-d7c84e4cc14e.jpg + where_visible: UI + promoted: true +- id: 277b9636-f9d4-46f7-9910-6a794f478740 + current_stock: 13 + name: Sturdy Multi-Task Wrench + category: tools + style: wrench + description: This heavy-duty, adjustable wrench grips tightly for maximum turning + power. The precise machining and rugged forged steel construction provide strength + to loosen the toughest bolts. An essential tool for any mechanic or DIYer. + price: 20.99 + image: 277b9636-f9d4-46f7-9910-6a794f478740.jpg + where_visible: UI +- id: b54cbca6-327b-418e-a653-35d7c3f74bdf + current_stock: 11 + name: Sturdy Angled Wrench Reaches Tight Spots + category: tools + style: wrench + description: This durable offset box wrench grips fasteners securely to tighten + bolts and pipes. Its drop-forged steel construction prevents rust while the 15-degree + offset reaches tight spaces. The ideal addition to any toolbox for demanding jobs. + price: 22.99 + image: b54cbca6-327b-418e-a653-35d7c3f74bdf.jpg + where_visible: UI +- id: 2f3f075b-66ff-475f-95e3-71b462f328c5 + category: beauty + current_stock: 19 + description: This versatile set of 3 portable eyeshadow palettes contains 12 richly + pigmented shades to create both subtle daytime and bold evening looks. Experiment + with different color combinations to coordinate any outfit using these blendable, + highly pigmented shadows. + image: 2f3f075b-66ff-475f-95e3-71b462f328c5.jpg + name: Colorful Eyeshadow Palette Set + price: 145.0 + style: grooming + gender_affinity: F + where_visible: UI +- id: ec981144-9f7d-473e-94a1-14da97152c5b + category: beauty + current_stock: 9 + description: Achieve flawless, stay-put eye makeup with this dynamic waterproof + eyeliner and volumizing mascara duo. The richly pigmented eyeliner glides on smoothly + for precise application, while the clump-free mascara builds from natural to dramatic + for up to 24 hours of perfect, waterproof wear. + image: ec981144-9f7d-473e-94a1-14da97152c5b.jpg + name: Volumizing Waterproof Eyeliner & Mascara Duo + price: 27.0 + style: grooming + gender_affinity: F + where_visible: UI +- id: 597839c6-b2d3-40a0-ae14-27a86f9b4fac + category: beauty + current_stock: 1 + description: Achieve flawless rosy lips anytime with Divine Shine's satiny rose + lipstick and sleek mirror compact. The rich color and luminous finish glide on + smoothly for soft, photo-ready lips paired with an on-the-go mirror for perfect + touch-ups. + image: 597839c6-b2d3-40a0-ae14-27a86f9b4fac.jpg + name: Rose Lipstick & Mirror - Flawless On-the-Go Touch-ups + price: 35.0 + style: grooming + gender_affinity: F + where_visible: UI +- id: 473d7251-7eaf-4b7a-9f87-ff6f7897d565 + category: beauty + current_stock: 12 + description: Make lips shine with the Gloss Bomb Lip Luminizer. This innovative, + universal lip gloss glides on smoothly to deliver luminous, fuller-looking lips. + The non-sticky formula nourishes and moisturizes for hours of brilliant, head-turning + shine in just one swipe. + image: 473d7251-7eaf-4b7a-9f87-ff6f7897d565.jpg + name: Shimmering Lip Gloss for Luminous Lips + price: 19.0 + style: grooming + gender_affinity: F + where_visible: UI +- id: 31f69124-fa40-4a08-9d6c-9363c7f9d29b + category: beauty + current_stock: 2 + description: Presenting the 7-in-1 Daily Makeup Palette, the all-in-one solution + for flawless beauty on the go. This versatile palette curates premium formulas + in wearable shades for eyes, cheeks, and face. Achieve stunning looks with velvety + powders that blend beautifully. Makeup made simple, efficient, and elevated. + image: 31f69124-fa40-4a08-9d6c-9363c7f9d29b.jpg + name: Radiant Daily Beauty Palette + price: 103.0 + style: grooming + gender_affinity: F + where_visible: UI + promoted: true +- id: a4ea1f55-4f9e-4efa-ab32-343676b69593 + category: beauty + current_stock: 2 + description: Make your eyes the star of the show with our Sparkle Gloss Eyes & Lashes + Set. This glam makeup kit contains volumizing mascara, shimmering eyeshadow, and + glitter eyeliner to create dazzling, party-ready eyes with high-impact pops of + fun. + image: a4ea1f55-4f9e-4efa-ab32-343676b69593.jpg + name: Glittery Eye Makeup for Dazzling Looks + price: 95.0 + style: grooming + gender_affinity: F + where_visible: UI +- id: 6b229d13-22a7-44d3-a13c-fd98dda49217 + category: beauty + current_stock: 2 + description: This 15 piece vegan makeup brush set in a leather case offers a comprehensive + collection of brushes for flawless makeup application. The soft synthetic bristles + evenly pick up and distribute product. Convenient for travel and storage. + gender_affinity: F + image: 6b229d13-22a7-44d3-a13c-fd98dda49217.jpg + image_license: Free for Commercial Use + link: https://www.pikrepo.com/fmvtc/black-makeup-brush-set-in-bag + name: Luxury Vegan Brushes for Flawless Makeup + price: 99.0 + style: grooming + where_visible: UI + promoted: true +- id: cfe46492-c19b-4a3c-a022-540c49cc63bb + category: beauty + current_stock: 2 + description: Accentuate your eyes with the Lovely Blue Mascara. Its rich, deep blue + hue dramatically intensifies your gaze for lush, full lashes. This smooth, buildable + formula creates stunning vibrant eyes. + gender_affinity: F + image: cfe46492-c19b-4a3c-a022-540c49cc63bb.jpg + image_license: CC0 + link: https://pxhere.com/en/photo/57398 + name: Volumizing Blue Mascara for Dramatic Eyes + price: 29.0 + style: grooming + where_visible: UI + promoted: true +- id: e0667c61-6f47-4481-a0a0-beaf734e477a + category: beauty + current_stock: 3 + description: Make a bold statement with this richly pigmented, quick-drying nail + lacquer. The striking crimson shade allows you to conquer hearts and mesmerize + with lustrous, long-lasting color. + gender_affinity: F + image: e0667c61-6f47-4481-a0a0-beaf734e477a.jpg + image_license: CC0 + link: https://www.needpix.com/photo/1711500/nail-varnish-nail-design-cosmetics-manicure-fingernails-paint-toe-nails-fashionable-beauty + name: Bold Crimson Conquers Hearts + price: 24.0 + style: grooming + where_visible: UI + promoted: true +- id: 8bc9e7d5-123c-46e4-a4f5-abeb79a77b3f + category: beauty + current_stock: 4 + description: The Rose Pink Blush Brush's soft, tapered bristles effortlessly pick + up, blend and sculpt powder for a flawless, naturally flushed cheek with this + elegant, specialized beauty tool. + gender_affinity: F + image: 8bc9e7d5-123c-46e4-a4f5-abeb79a77b3f.jpg + image_license: Free for commercial use - just do not resell as a stock photo + link: https://pixabay.com/photos/rouge-brush-cosmetics-rouge-brush-2092439/ + name: Soft Pink Blush Brush for Flawless Cheeks + price: 22.0 + style: grooming + where_visible: UI +- id: b6295ac1-d60b-42a6-b16b-ebb433562e18 + category: beauty + current_stock: 6 + description: Discover your perfect match with our Radiant 15-Shade Concealer Palette. + This luminous collection features 15 buildable, skin-loving tones to highlight + your natural beauty and conceal imperfections. Expertly formulated for all complexions. + gender_affinity: F + image: b6295ac1-d60b-42a6-b16b-ebb433562e18.jpg + image_license: Free for commercial use + link: https://www.pxfuel.com/en/free-photo-xidzw + name: Radiant Concealer for Your Perfect Match + price: 44.0 + style: grooming + where_visible: UI + promoted: true +- id: 7cfd10d1-ff92-4513-b688-0ee179deaaef + category: beauty + current_stock: 7 + description: This revolutionary concealer brings the magic of airbrushing to your + beauty routine. Our flawless formula seamlessly covers imperfections for a picture-perfect, + second-skin finish that lasts. Unrivaled, buildable coverage makes blemishes vanish + instantly, leaving only natural-looking perfection. + gender_affinity: F + image: 7cfd10d1-ff92-4513-b688-0ee179deaaef.jpg + image_license: CC0 + link: https://commons.m.wikimedia.org/wiki/File:Tcsfoundationlogo.jpg + name: Radiant Perfection Concealer + price: 12.0 + style: grooming + where_visible: UI +- id: 7a60597a-5a5a-48bc-86bd-f32c818b4008 + category: beauty + current_stock: 11 + description: Turn heads with this richly pigmented, intensely creamy classic red + lipstick. The bold, vibrant shade delivers a glamorous, retro-inspired bombshell + pout in just one swipe. + gender_affinity: F + image: 7a60597a-5a5a-48bc-86bd-f32c818b4008.jpg + image_license: Free for commercial use - just do not resell as a stock photo + link: https://pixabay.com/photos/lipstick-lips-makeup-cosmetics-5559338/ + name: Ravishing Red Retro Glam Lipstick + price: 24.0 + style: grooming + where_visible: UI +- id: 7d359a18-e81a-450b-beb1-db85aa699629 + category: beauty + current_stock: 12 + description: Make a bold statement with our richly pigmented, velvety matte lipstick. + The lightweight, buildable formula glides on effortlessly for luxurious, opaque + color that lasts for hours without drying. Showcase vibrant lips with this intensely + saturated must-have. + gender_affinity: F + image: 7d359a18-e81a-450b-beb1-db85aa699629.jpg + image_license: Unsplash - free for commercial use + link: https://unsplash.com/photos/rjB_1MT6G18 + name: Bold Matte Lipstick for a Statement Look + price: 28.0 + style: grooming + where_visible: UI +- id: 89728417-5269-403d-baa3-04b59cdffd0a + category: beauty + current_stock: 4 + description: This 4-piece brush set contains all the essentials for flawless makeup + application. The soft, dense bristles pick up and distribute product evenly. Achieve + a professional finish with the foundation, powder, contour, and shadow brushes. + gender_affinity: F + image: 89728417-5269-403d-baa3-04b59cdffd0a.jpg + image_license: Free for commercial use - just do not resell as a stock photo + link: https://pixabay.com/photos/maciag-brush-makeup-brushes-5208359/ + name: Flawless Makeup Brushes for Every Look + price: 26.0 + style: grooming + where_visible: UI + promoted: true +- id: 03685e08-6d30-4e4e-a85e-9e525894c9ea + category: beauty + current_stock: 7 + description: Unleash your inner femme fatale with Gangster Girl's bold, blood-red + lipstick. This smooth, creamy formula glides on for high-impact color that makes + a daring statement. Leave a mark with each confident pout. + gender_affinity: F + image: 03685e08-6d30-4e4e-a85e-9e525894c9ea.jpg + image_license: Free for commercial use + link: https://www.pikrepo.com/fyvwn/red-and-gold-lipstick-on-white-background + name: Siren's Kiss Lipstick - Be Boldly Beautiful + price: 40.0 + style: grooming + where_visible: UI +- id: d16df944-ea75-43c3-b54b-6738731c081b + category: beauty + current_stock: 2 + description: Create a radiant lip look with our Lip Brush. Precisely apply color + and blend seamlessly with the tapered head and soft bristles. Achieve flawless + definition and professional results. + gender_affinity: F + image: d16df944-ea75-43c3-b54b-6738731c081b.jpg + image_license: Free for commercial use + link: https://unsplash.com/photos/qbo7DPBvnV0 + name: Soft Brush for Flawless Lips + price: 32.0 + style: grooming + where_visible: UI +- id: 82f4c1ca-b0dc-4e5a-9336-caff8bf63c05 + category: beauty + current_stock: 20 + description: Discover Precious Cargo's stylish makeup cases in vibrant colors. These + durable plastic containers securely store all your cosmetics, protecting your + eyeshadows, lipsticks and more. Organize your beauty routine in reinforced cases + designed for safe travel and home storage. + gender_affinity: F + image: 82f4c1ca-b0dc-4e5a-9336-caff8bf63c05.jpg + image_license: CC0 + link: https://pixy.org/5203022/ + name: Stylish Cases Keep Makeup Organized + price: 12.0 + style: grooming + where_visible: UI +- id: f0054758-eaca-47f8-adf4-12b78603fbc6 + category: beauty + current_stock: 12 + description: Ignite passion with our creamy, velvety Burn! Lipstick. The rich, red + pigment glides on smoothly for full, smudge-proof coverage in just one swipe. + Feel the burn and make a bold statement with this vivid red housed in a fiery + translucent case. + gender_affinity: F + image: f0054758-eaca-47f8-adf4-12b78603fbc6.jpg + image_license: Public domain + link: https://www.pikist.com/free-photo-xvcbj + name: Flaunt Fierce Fiery Red Lips + price: 18.0 + style: grooming + where_visible: UI + promoted: true +- id: 638012bd-b70e-4035-bf83-fbb777c7a6ea + category: beauty + current_stock: 13 + description: Achieve iconic 1920s lashes with this volumizing and lengthening mascara. + The smudge-resistant formula and specially designed brush create bold, flirty + fringe for 12 hours of flapper-era glamour. + gender_affinity: F + image: 638012bd-b70e-4035-bf83-fbb777c7a6ea.jpg + image_license: Free for commercial use + link: https://www.pickpik.com/cosmetics-make-up-makeup-beauty-color-eyes-138539 + name: Flapper Fringe Volumizing Mascara + price: 18.0 + style: grooming + where_visible: UI +- id: 9d1be460-7c75-4627-990d-1f1a6731dc3e + category: electronics + current_stock: 10 + description: Capture steady, shake-free video and photos from any angle with the + Flexible Camera Tripod. This lightweight, adjustable tripod securely mounts your + camera or phone while its flexible legs and 3-way pan head allow smooth panning + shots and framing control. The perfect gadget for aspiring videographers on the + go. + gender_affinity: F + image: 9d1be460-7c75-4627-990d-1f1a6731dc3e.jpg + image_license: CC0 + link: https://www.needpix.com/photo/908201/gorillapod-with-camera-free-pictures-free-photos-free-images-royalty-free + name: Flexible Tripod Captures Steady Shots + price: 49.0 + style: camera + where_visible: UI + promoted: true +- id: 79fc3af3-c071-4e26-9062-b869f2ec128d + category: apparel + current_stock: 10 + description: Look polished yet relaxed in this soft, breathable cotton blouse featuring + a stylish striped pattern and relaxed fit. The vertical stripes elongate your + figure while the short sleeves and round neckline provide comfort. + gender_affinity: F + image: 79fc3af3-c071-4e26-9062-b869f2ec128d.jpg + image_license: Made by Dae.mn + name: Stylish Striped Cotton Blouse + price: 39.0 + style: shirt + where_visible: UI + promoted: true +- id: 8759b4e2-51cc-456f-a224-01a34d04db2b + category: beauty + current_stock: 12 + description: The sleek, portable Pocket Powder Case lets you discreetly touch up + your makeup anytime, anywhere. Its slim design fits easily into your purse or + bag, with a handy mirror and compartment for storing powder, blush, and other + essentials on-the-go. + gender_affinity: F + image: 8759b4e2-51cc-456f-a224-01a34d04db2b.jpg + image_license: Public domain + link: https://www.pikist.com/free-photo-ixyyz + name: Discrete On-the-Go Makeup Touch-Ups + price: 29.0 + style: grooming + where_visible: UI +- id: c6d7f153-e5a7-4168-a2f0-7471520e3f00 + category: homedecor + current_stock: 11 + description: Illuminate your beauty routine with this sleek freestanding makeup + mirror. Its distortion-free glass, adjustable height, and built-in LED ring light + ensure you'll apply your makeup with optimal lighting and precision. + gender_affinity: F + image: c6d7f153-e5a7-4168-a2f0-7471520e3f00.jpg + image_license: CC0 + link: https://www.needpix.com/photo/download/1336308/mirror-small-reflection-decoration-modern-design-frame-round-shop + name: Illuminate Your Beauty + price: 99.0 + style: bedroom + where_visible: UI +- id: 28762499-dd36-4b23-96d3-db3eeeaed548 + category: furniture + current_stock: 10 + description: Expertly crafted with plush cushions, this soft grey sofa invites relaxation + into your home. Its neutral tone elegantly complements any decor while quality + materials ensure enduring comfort and sophistication. + image: 28762499-dd36-4b23-96d3-db3eeeaed548.jpg + image_license: Free for commercial use - just do not resell as a stock photo + link: https://pixabay.com/photos/furniture-modern-luxury-indoors-3271762/ + name: Comfy Neutral Sofa for Enduring Comfort + price: 399.0 + style: sofas + where_visible: UI +- id: 36ba2aec-a64e-4ac5-911d-a36cbbfa83bf + category: homedecor + current_stock: 11 + description: Elevate your home with the Perfect Cushions - lush, indulgent cushions + mold to your body for unparalleled comfort and superior support. Luxurious style + meets unbelievable softness in these elegant yet timeless home decor accessories. + image: 36ba2aec-a64e-4ac5-911d-a36cbbfa83bf.jpg + image_license: Free for commercial use - just do not resell as a stock photo + link: https://pixabay.com/fr/photos/oreillers-patron-lit-int%C3%A9rieur-4326131/ + name: Luxurious Cushions - Elevate Your Home + price: 179.0 + style: cushion + where_visible: UI + promoted: true +- id: b011ddc3-632f-47cb-a68a-ad83678ecfed + category: housewares + current_stock: 3 + description: With its timeless curved wooden frame and ample space for coats and + accessories, this elegant Classic Coat Rack keeps entryways tidy in refined style. + image: b011ddc3-632f-47cb-a68a-ad83678ecfed.jpg + image_license: Free for commercial use - just do not resell as a stock photo + link: https://pixabay.com/photos/hat-coat-rack-wing-pet-fashion-2176837/ + name: Stylish Wooden Coat Rack + price: 167.0 + style: salon + where_visible: UI +- id: f0501d3b-1bbb-44b1-905d-d11eb8a7fe01 + category: housewares + current_stock: 3 + description: Elevate your home with these minimalist spare bookshelves featuring + clean lines and light wood finish. Stylish, functional storage solutions to organize + books and display collectibles with Scandinavian-inspired design. + image: f0501d3b-1bbb-44b1-905d-d11eb8a7fe01.jpg + image_license: CC0 + link: https://www.needpix.com/photo/download/1856333/shelf-white-living-world-bookshelf-books-bookshelves-set-up-living-room-book + name: Minimalist Bookshelves Elevate Any Home + price: 239.0 + style: salon + where_visible: UI +- id: 0790267c-c708-424d-81f5-46903a9c8444 + name: Savory Slice of Comfort + category: food service + style: pizza + description: Experience perfect comfort food with this savory slice of hand-tossed + crust topped with tangy tomato sauce, melted mozzarella and smoky pepperoni. Satisfy + your craving for a classic Italian-style pizza loaded with timeless flavors. + price: 3.0 + image: 0790267c-c708-424d-81f5-46903a9c8444jpg + image_license: AWS Supplied + link: null + current_stock: 90 + aliases: + - pizza + - slice of pizza + - a pizza slice + - a slice of pizza + - delicious pizza + - pizza slice + - pepperoni pizza + where_visible: Alexa + promoted: true +- id: b20ba076-58a7-4602-9b56-4bee46e98388 + name: Cheesy Beefy Nacho Platter + category: food service + style: nachos + description: Crispy tortilla chips piled high with melted cheese, seasoned beef, + beans, fresh pico de gallo, guacamole and sour cream. An irresistible Tex-Mex + fiesta of flavors in every hearty nacho bite. + price: 5.0 + image: b20ba076-58a7-4602-9b56-4bee46e98388jpg + image_license: AWS Supplied + link: null + current_stock: 90 + aliases: + - nachos + - nacho plate + - nachos with meat + - meat nachos + - nacho + - deluxe nachos + where_visible: Alexa +- id: aff05423-76e8-4339-a478-fc17d51ed985 + name: Refreshing Fizzy Thirst Quencher + category: cold dispensed + style: fountain-carbonated + description: Quench your thirst with this refreshing 16oz fountain soda. Crisp, + bubbly, and perfectly carbonated, this classic drink is the ideal way to satisfy + your craving for an ice-cold fizzy beverage. Made with quality ingredients and + dispensed fresh, it's a delicious sweet treat with just the right amount of flavor + and fizz. + price: 1.5 + image: aff05423-76e8-4339-a478-fc17d51ed985jpg + image_license: AWS Supplied + link: null + current_stock: 90 + aliases: + - soda + - soda pop + - cola + - fizzy drink + - bubbly drink + - coke + where_visible: Alexa +- id: 6cc0deb8-4a56-4148-a2ab-677277522c80 + name: Crunchy Peanuts - A Classic Snack + category: salty snacks + style: nuts/seeds + description: Crunchy salted peanuts, a classic salty snack bursting with quintessential + peanut flavor. Their tasty blend of savory saltiness and satisfying crunch make + these roasted peanuts the perfect pick-me-up to enjoy anytime. + price: 1.6 + image: 6cc0deb8-4a56-4148-a2ab-677277522c80jpg + image_license: null + link: Supplied by Dae.mn + current_stock: 90 + aliases: + - nuts + - peanuts + - pea nuts + - peanut + - nut snack + - salted nuts + - salted peanuts + where_visible: Alexa +- id: 7a619c82-a5da-4bc9-b6e6-64e93c51fb55 + name: Crunchy Salted Cashews - Irresistibly Moreish + category: salty snacks + style: nuts/seeds + description: Crunchy salted cashews, expertly roasted and generously seasoned with + sea salt. Savory, sweet, and irresistibly moreish, these nuts make the ultimate + snack. Enjoy their delightful crunch and flavor solo or add to dishes for a punch + of texture. + price: 2.5 + image: 7a619c82-a5da-4bc9-b6e6-64e93c51fb55jpg + image_license: null + link: Supplied by Dae.mn + current_stock: 90 + aliases: + - cashews + - cashew nuts + - cashew + - salted cashews + - salted cashew nuts + where_visible: Alexa +- id: e1146e90-3274-4ad6-a6a2-0170f0f8d597 + name: Crunchy Cali-Oriental Almond Blend + category: salty snacks + style: nuts/seeds + description: Crunchy and aromatic almonds unite in this delicious blend of Californian + and Oriental varieties. Perfectly roasted with a harmonious balance of nutty flavors + and textures, these premium quality almonds deliver indulgent snacking enjoyment + in every bite. + price: 1.9 + image: e1146e90-3274-4ad6-a6a2-0170f0f8d597jpg + image_license: null + link: Supplied by Dae.mn + current_stock: 90 + aliases: + - almonds + - almond nuts + - almond + - salted almonds + - salted almond nuts + where_visible: Alexa + promoted: true +- id: a6f43f84-a89a-446f-8adc-8b1a23a30a81 + name: Stuffed Grape Leaves - Exotic Mediterranean Bites + category: food service + style: sandwiches/wraps + description: Try our stuffed vine leaves for an exotic Mediterranean appetizer! + Tender grape leaves stuffed with a savory rice filling offer a healthy, meatless + option with an unexpected crunch and complex flavors. + price: 3.9 + image: a6f43f84-a89a-446f-8adc-8b1a23a30a81jpg + image_license: null + link: Supplied by Dae.mn + current_stock: 10 + aliases: + - vine leaves + - vine rolls + - rice rolls + - sarma + - dolma + where_visible: Alexa +- id: 25d7bbf6-7dd3-4912-93a7-4186ea417b54 + name: Lemon Dill Salmon Salad + category: food service + style: soup and salad + description: A nutritious and refreshing salmon salad with flaky, baked salmon, + crisp veggies, and a light lemon dill dressing. This flavorful salad makes an + excellent food service option, providing the healthy omega oils of salmon in each + bite. + price: 4.9 + image: 25d7bbf6-7dd3-4912-93a7-4186ea417b54jpg + image_license: CC0 + link: https://publicdomainpictures.net/en/view-image.php?image=9039&picture=tomato-and-bacon-salad + current_stock: 10 + aliases: + - salmon salad + - salad with salmon + - fish salad + where_visible: Alexa +- id: 4496471c-b098-4915-9a1a-8b9e60043737 + name: Leafy Mediterranean Goodness + category: food service + style: soup and salad + description: Crisp lettuces, vine-ripened tomatoes, cool cucumbers, and tangy feta + come together in our refreshing Mediterranean Veggie Salad, offering the bright, + garden-fresh flavors of the Mediterranean in a light and satisfying salad. + price: 4.1 + image: 4496471c-b098-4915-9a1a-8b9e60043737jpg + image_license: CC0 + link: https://publicdomainpictures.net/en/view-image.php?image=261119&picture=salad-bowl + current_stock: 10 + aliases: + - mediterranean Salad + - leafy salad + - salad + - tomato salad + - cucumber salad + where_visible: Alexa +- id: 24c62ad2-6977-4f69-be75-e37d897c1434 + name: Savory Tomato Basil Soup + category: food service + style: soup and salad + description: Enjoy a hearty and delicious Tomato Basil Soup, made with ripe, sun-ripened + tomatoes and savory seasonings. This versatile canned soup adds a flavorful pop + of nutrition to any meal, perfect for healthcare and hospitality dining. + price: 2.1 + image: 24c62ad2-6977-4f69-be75-e37d897c1434jpg + image_license: CC0 + link: https://publicdomainpictures.net/en/view-image.php?image=318298&picture=cup-of-vegetable-soup + current_stock: 10 + aliases: + - soup + - tomato soup + - healthy soup + where_visible: Alexa +- id: 0de9bba0-1149-40e9-b1a6-7dcecaf68194 + name: Refreshing Fruit Fusion Smoothie Splash + category: cold dispensed + style: fountain-non-carbonated + description: Enjoy a refreshing and satisfying fruit smoothie, blended thick and + creamy with a fine mix of nutritious fruits. This chilled beverage delivers robust + fruit flavor and a healthy energy boost in every sip. + price: 2.5 + image: 0de9bba0-1149-40e9-b1a6-7dcecaf68194jpg + image_license: CC0 + link: https://publicdomainpictures.net/en/view-image.php?image=6567&picture=smoothie-drinks + current_stock: 10 + aliases: + - smoothy + - milkshake + - fruit smoothy + - fruit and milk drink + where_visible: Alexa +- id: 5afced84-ed2d-4520-a06d-dcfeab382e52 + name: Refreshing Ginseng Iced Tea + category: cold dispensed + style: fountain-non-carbonated + description: Refresh and recharge with our crisp, lightly sweetened herbal iced + tea. Featuring a balanced blend of ginseng, black tea, and natural flavors, each + chilled sip awakens the senses. + price: 2.5 + image: 5afced84-ed2d-4520-a06d-dcfeab382e52jpg + image_license: CC0 + link: https://publicdomainpictures.net/en/view-image.php?image=4436&picture=ice-tea + current_stock: 10 + aliases: + - iced tea + - herbal iced tea + - cold tea + - healthy iced tea + - healthy cold tea + where_visible: Alexa +- id: 0987bfa1-0a23-4b90-8882-8a6e9bd91e24 + name: Spicy Prawn Curry + category: food service + style: seafood + description: Succulent prawns in a creamy, + aromatic curry sauce over fluffy rice. A mouthwatering + blend of tender seafood, warm spices, and rice that + provides a satisfying comfort meal. + price: 5.5 + image: 0987bfa1-0a23-4b90-8882-8a6e9bd91e24jpg + image_license: CC0 + link: https://publicdomainpictures.net/en/view-image.php?image=331888&picture=shrimp-grilled-thai-foods + current_stock: 10 + aliases: + - curry + - prawns + - prawn curry + - shrimp curry + - shrimps + - prawn meal + - shrimp meal + where_visible: Alexa +- id: 575c0ac0-5494-4c64-a886-a9c0cf8b779a + name: Lentil Potato Carrot Dish + category: food service + style: other cuisine + description: Hearty lentil dish with protein-rich legumes, + potatoes, carrots and savory spices. Satisfying vegetarian meal, + nutritious and delicious. + price: 3.5 + image: 575c0ac0-5494-4c64-a886-a9c0cf8b779ajpg + image_license: Free for commercial use - just do not resell as a stock photo + link: https://pixabay.com/fr/photos/soupe-de-lentilles-lentilles-rago%C3%BBt-3738547/ + current_stock: 10 + aliases: + - lentils + - lentil dish + - lentil and potatos + - lentil and carrots + - lentil meal + where_visible: Alexa + promoted: true +- id: 7000f6e7-41f7-4957-878a-ccc42a39ca59 + name: Hot Chocolate - Creamy Chocolatey Warmth + category: hot dispensed + style: hot chocolate + description: Indulge in creamy, chocolatey warmth with + our rich hot chocolate. This sweet, velvety beverage + satisfies chocolate cravings and warms you on cold days. + price: 1.2 + image: 7000f6e7-41f7-4957-878a-ccc42a39ca59jpg + image_license: CC0 + link: https://publicdomainpictures.net/en/view-image.php?image=222425&picture=hot-cup-of-coffee + current_stock: 11 + aliases: + - hot chocolate + - cocoa + - chocolate drink + - warm drink + where_visible: Alexa +- id: 9c1a2048-7aac-4565-b836-d8d4f726322c + name: Crunchy Potato Chips + category: salty snacks + style: potato chips + description: This classic snack features thin slices of potato that + have been fried to a beautiful golden + brown until deliciously crispy. + price: 1.1 + image: 9c1a2048-7aac-4565-b836-d8d4f726322cjpg + image_license: CC0 + link: https://publicdomainpictures.net/en/view-image.php?image=344511&picture=delicious-potato-chips-in-bowl + current_stock: 11 + aliases: + - chips + - crisps + - potato chips + - potato crisps + where_visible: Alexa diff --git a/langchain/shopping-agent/docker-compose.yml b/langchain/shopping-agent/docker-compose.yml new file mode 100644 index 0000000..e169bcb --- /dev/null +++ b/langchain/shopping-agent/docker-compose.yml @@ -0,0 +1,60 @@ +version: '3.8' + +services: + opensearch-node1: + image: opensearchproject/opensearch:latest + container_name: opensearch-shopping-agent + environment: + - cluster.name=opensearch-shopping-cluster + - node.name=opensearch-node1 + - discovery.type=single-node + - bootstrap.memory_lock=true + - "OPENSEARCH_JAVA_OPTS=-Xms2g -Xmx3g" + - DISABLE_SECURITY_PLUGIN=true # For local development only + - plugins.ml_commons.only_run_on_ml_node=false + - plugins.ml_commons.native_memory_threshold=99 + - plugins.ml_commons.max_model_on_node=10 + - knn.memory.circuit_breaker.limit=75% + - knn.memory.circuit_breaker.enabled=true + ulimits: + memlock: + soft: -1 + hard: -1 + nofile: + soft: 65536 + hard: 65536 + mem_limit: 6g + volumes: + - opensearch-data:/usr/share/opensearch/data + ports: + - "9200:9200" + - "9600:9600" + networks: + - opensearch-net + healthcheck: + test: ["CMD-SHELL", "curl -f http://localhost:9200/_cluster/health || exit 1"] + interval: 30s + timeout: 10s + retries: 5 + + opensearch-dashboards: + image: opensearchproject/opensearch-dashboards:latest + container_name: opensearch-dashboards + environment: + - OPENSEARCH_HOSTS=["http://opensearch-node1:9200"] + - DISABLE_SECURITY_DASHBOARDS_PLUGIN=true + ports: + - "5601:5601" + networks: + - opensearch-net + depends_on: + opensearch-node1: + condition: service_healthy + +volumes: + opensearch-data: + driver: local + +networks: + opensearch-net: + driver: bridge diff --git a/langchain/shopping-agent/pyproject.toml b/langchain/shopping-agent/pyproject.toml index b190eae..2a754b8 100644 --- a/langchain/shopping-agent/pyproject.toml +++ b/langchain/shopping-agent/pyproject.toml @@ -9,6 +9,7 @@ dependencies = [ "ipython>=9.6.0", "langchain>=1.0.1", "langchain-anthropic>=1.0.0", + "langchain-aws>=1.0.0", "langchain-chroma>=1.0.0", "langchain-community>=0.4", "langchain-openai>=1.0.1", @@ -23,4 +24,9 @@ dependencies = [ "python-dotenv>=1.1.1", "requests>=2.32.5", "scikit-learn>=1.7.2", + "opensearch-py>=3.0.0", + "pyyaml>=6.0.2", + "tqdm>=4.67.1", + "requests-aws4auth>=1.3.1", + "boto3>=1.35.0", ] diff --git a/langchain/shopping-agent/scripts/__init__.py b/langchain/shopping-agent/scripts/__init__.py new file mode 100644 index 0000000..a76a6b9 --- /dev/null +++ b/langchain/shopping-agent/scripts/__init__.py @@ -0,0 +1 @@ +# Scripts package for OpenSearch setup and data loading diff --git a/langchain/shopping-agent/scripts/load_products_to_opensearch.py b/langchain/shopping-agent/scripts/load_products_to_opensearch.py new file mode 100644 index 0000000..acaa6a9 --- /dev/null +++ b/langchain/shopping-agent/scripts/load_products_to_opensearch.py @@ -0,0 +1,210 @@ +""" +Load products from YAML catalog into OpenSearch with automatic embeddings. +Works with both local Docker OpenSearch and Amazon OpenSearch Service 3.1. +""" + +import os +import sys +import yaml +from pathlib import Path +from opensearchpy import helpers +from tqdm import tqdm + +# Add parent directory to path for imports +sys.path.insert(0, str(Path(__file__).parent.parent)) + +from agents.opensearch_client import get_opensearch_client +from dotenv import load_dotenv + +load_dotenv() + + +def load_products_from_yaml(yaml_path: str) -> list[dict]: + """ + Load products from YAML file. + + Args: + yaml_path: Path to products YAML file + + Returns: + list: List of product dictionaries + """ + print(f"Loading products from {yaml_path}...") + + with open(yaml_path, 'r') as f: + products = yaml.safe_load(f) + + print(f"✓ Loaded {len(products)} products") + return products + + +def prepare_bulk_actions(products: list[dict], index_name: str, pipeline_name: str) -> list[dict]: + """ + Prepare bulk indexing actions with pipeline for embedding generation. + + Args: + products: List of product dictionaries + index_name: Target index name + pipeline_name: Ingest pipeline name for embeddings + + Returns: + list: Bulk indexing actions + """ + print("Preparing bulk indexing actions...") + + actions = [] + for product in tqdm(products, desc="Preparing products"): + action = { + "_index": index_name, + "_id": product.get('id', product.get('product_id')), # Handle different ID fields + "_source": product, + "pipeline": pipeline_name # Use pipeline for automatic embedding generation + } + actions.append(action) + + print(f"✓ Prepared {len(actions)} indexing actions") + return actions + + +def bulk_index_products( + client, + actions: list[dict], + chunk_size: int = 50, + max_retries: int = 3 +) -> tuple[int, list]: + """ + Bulk index products into OpenSearch. + + Args: + client: OpenSearch client + actions: List of bulk actions + chunk_size: Number of documents per bulk request + max_retries: Maximum number of retries for failed documents + + Returns: + tuple: (successful_count, failed_documents) + """ + print(f"\nIndexing {len(actions)} products (chunk size: {chunk_size})...") + + try: + success, failed = helpers.bulk( + client, + actions, + chunk_size=chunk_size, + request_timeout=120, + max_retries=max_retries, + raise_on_error=False, + stats_only=False + ) + + print(f"\n✓ Successfully indexed: {success} products") + + if failed: + print(f"✗ Failed to index: {len(failed)} products") + print("\nFirst 5 failures:") + for i, item in enumerate(failed[:5], 1): + error_info = item.get('index', {}).get('error', 'Unknown error') + doc_id = item.get('index', {}).get('_id', 'Unknown ID') + print(f" {i}. Document ID: {doc_id}") + print(f" Error: {error_info}") + + return success, failed + + except Exception as e: + print(f"✗ Bulk indexing failed: {e}") + raise + + +def verify_indexing(client, index_name: str, expected_count: int): + """ + Verify that products were indexed correctly. + + Args: + client: OpenSearch client + index_name: Index to verify + expected_count: Expected number of documents + """ + print(f"\nVerifying index: {index_name}...") + + # Refresh index + client.indices.refresh(index=index_name) + + # Get count + count_response = client.count(index=index_name) + actual_count = count_response['count'] + + print(f" Expected documents: {expected_count}") + print(f" Actual documents: {actual_count}") + + if actual_count == expected_count: + print("✓ Index verification passed") + else: + print(f"⚠ Index count mismatch: {actual_count}/{expected_count}") + + # Get a sample document + sample = client.search( + index=index_name, + body={"size": 1, "query": {"match_all": {}}} + ) + + if sample['hits']['hits']: + doc = sample['hits']['hits'][0]['_source'] + print(f"\nSample product:") + print(f" ID: {doc.get('id')}") + print(f" Name: {doc.get('name')}") + print(f" Category: {doc.get('category')}") + print(f" Price: ${doc.get('price', 0):.2f}") + print(f" Has vector: {'product_vector' in doc}") + + if 'product_vector' in doc: + vector_dim = len(doc['product_vector']) + print(f" Vector dimension: {vector_dim}") + + +def main(): + """Main execution function""" + + print("="*70) + print("Product Data Ingestion to OpenSearch") + print("="*70) + + # Configuration + yaml_path = os.path.join( + os.path.dirname(__file__), + '../data/products-data.yml' + ) + index_name = os.getenv('OPENSEARCH_INDEX_PRODUCTS', 'shopping_products') + pipeline_name = "product_embedding_pipeline" + + # Step 1: Connect to OpenSearch + print("\n1. Connecting to OpenSearch...") + client = get_opensearch_client() + info = client.info() + print(f"✓ Connected to OpenSearch {info['version']['number']}") + + # Step 2: Load products + print("\n2. Loading product catalog...") + products = load_products_from_yaml(yaml_path) + + # Step 3: Prepare bulk actions + print("\n3. Preparing indexing actions...") + actions = prepare_bulk_actions(products, index_name, pipeline_name) + + # Step 4: Bulk index + print("\n4. Indexing products...") + success_count, failed = bulk_index_products(client, actions) + + # Step 5: Verify + print("\n5. Verifying index...") + verify_indexing(client, index_name, len(products)) + + print("\n" + "="*70) + print(f"✓ Product ingestion complete!") + print(f" Total products: {len(products)}") + print(f" Successfully indexed: {success_count}") + print(f" Failed: {len(failed) if failed else 0}") + print("="*70) + + +if __name__ == "__main__": + main() diff --git a/langchain/shopping-agent/scripts/setup_opensearch.py b/langchain/shopping-agent/scripts/setup_opensearch.py new file mode 100644 index 0000000..47060bd --- /dev/null +++ b/langchain/shopping-agent/scripts/setup_opensearch.py @@ -0,0 +1,180 @@ +""" +Complete OpenSearch setup script for shopping agent. +Sets up ML model, ingest pipeline, and product index. +Compatible with both local Docker and Amazon OpenSearch Service 3.1. +""" + +import os +import sys +from pathlib import Path + +# Add parent directory to path for imports +sys.path.insert(0, str(Path(__file__).parent.parent)) + +from agents.opensearch_client import ( + get_opensearch_client, + register_and_deploy_model, + create_product_ingest_pipeline, + create_product_index, + test_connection +) +from dotenv import load_dotenv + +load_dotenv() + + +def update_env_file(model_id: str): + """ + Update .env file with the deployed model ID. + + Args: + model_id: The deployed ML model ID + """ + env_path = os.path.join(os.path.dirname(__file__), '../.env') + + if not os.path.exists(env_path): + print(f"⚠ .env file not found at {env_path}") + print(f" Please manually add: OPENSEARCH_MODEL_ID={model_id}") + return + + # Read existing content + with open(env_path, 'r') as f: + lines = f.readlines() + + # Update or add MODEL_ID + model_id_line = f"OPENSEARCH_MODEL_ID={model_id}\n" + updated = False + + for i, line in enumerate(lines): + if line.startswith('OPENSEARCH_MODEL_ID='): + lines[i] = model_id_line + updated = True + break + + if not updated: + lines.append(model_id_line) + + # Write back + with open(env_path, 'w') as f: + f.writelines(lines) + + print(f"✓ Updated .env with OPENSEARCH_MODEL_ID={model_id}") + + +def main(): + """Main setup execution""" + + print("="*70) + print("OpenSearch Shopping Agent Setup") + print("="*70) + + # Step 1: Test connection + print("\n1. Testing OpenSearch connection...") + if not test_connection(): + print("\n✗ Setup failed: Cannot connect to OpenSearch") + print("\nPlease verify:") + print(" - OpenSearch is running (docker-compose up -d for local)") + print(" - Environment variables are set correctly in .env") + print(" - Network connectivity for Amazon OpenSearch Service") + sys.exit(1) + + # Step 2: Get client + client = get_opensearch_client() + info = client.info() + print(f"\n✓ Connected to OpenSearch {info['version']['number']}") + print(f" Cluster: {info.get('cluster_name')}") + + # Step 3: Check ML Commons plugin + print("\n2. Checking ML Commons plugin...") + try: + plugins = client.cat.plugins(format='json') + ml_plugin_found = any( + 'ml-commons' in str(plugin).lower() or 'opensearch-ml' in str(plugin).lower() + for plugin in plugins + ) + + if ml_plugin_found: + print("✓ ML Commons plugin is available") + else: + print("⚠ ML Commons plugin not detected") + print(" This is required for neural search functionality") + print(" Continuing anyway - it may be available...") + except Exception as e: + print(f"⚠ Could not verify ML Commons plugin: {e}") + print(" Continuing anyway...") + + # Step 4: Register and deploy ML model + print("\n3. Registering and deploying ML model...") + print(" This may take several minutes...") + + try: + model_id, vector_dim = register_and_deploy_model(client) + print(f"✓ Model deployed successfully") + print(f" Model ID: {model_id}") + print(f" Vector dimension: {vector_dim}") + + # Update .env file + update_env_file(model_id) + + except Exception as e: + print(f"\n✗ Model deployment failed: {e}") + print("\nTroubleshooting:") + print(" - Ensure cluster has sufficient memory (>2GB)") + print(" - Check ML Commons plugin is properly installed") + print(" - For AWS OpenSearch, ensure ML node type is configured") + sys.exit(1) + + # Step 5: Create ingest pipeline + print("\n4. Creating ingest pipeline...") + try: + pipeline_name = create_product_ingest_pipeline(client, model_id) + print(f"✓ Ingest pipeline created: {pipeline_name}") + except Exception as e: + print(f"\n✗ Pipeline creation failed: {e}") + sys.exit(1) + + # Step 6: Create product index + print("\n5. Creating product index...") + try: + index_name = create_product_index(client, vector_dim) + print(f"✓ Product index created: {index_name}") + except Exception as e: + print(f"\n✗ Index creation failed: {e}") + sys.exit(1) + + # Step 7: Verify setup + print("\n6. Verifying setup...") + try: + # Check index exists + if client.indices.exists(index=index_name): + print(f"✓ Index {index_name} exists") + + # Check pipeline exists + pipeline = client.ingest.get_pipeline(id=pipeline_name) + if pipeline: + print(f"✓ Pipeline {pipeline_name} exists") + + # Check model status + model_status = client.transport.perform_request( + 'GET', + f'/_plugins/_ml/models/{model_id}' + ) + if model_status.get('model_state') == 'DEPLOYED': + print(f"✓ Model {model_id} is deployed and ready") + + except Exception as e: + print(f"⚠ Verification had warnings: {e}") + + # Success! + print("\n" + "="*70) + print("✓ OpenSearch setup complete!") + print("="*70) + print(f"\nNext steps:") + print(f" 1. Run: python scripts/load_products_to_opensearch.py") + print(f" 2. This will load the product catalog into OpenSearch") + print(f" 3. Then you can test the shopping agent") + print("\n" + "="*70) + + +if __name__ == "__main__": + main() diff --git a/langchain/shopping-agent/uv.lock b/langchain/shopping-agent/uv.lock index 8c6c671..c68461a 100644 --- a/langchain/shopping-agent/uv.lock +++ b/langchain/shopping-agent/uv.lock @@ -243,9 +243,11 @@ version = "0.1.0" source = { virtual = "." } dependencies = [ { name = "azure-identity" }, + { name = "boto3" }, { name = "ipython" }, { name = "langchain" }, { name = "langchain-anthropic" }, + { name = "langchain-aws" }, { name = "langchain-chroma" }, { name = "langchain-community" }, { name = "langchain-openai" }, @@ -255,19 +257,25 @@ dependencies = [ { name = "notebook" }, { name = "openai" }, { name = "openevals" }, + { name = "opensearch-py" }, { name = "protobuf" }, { name = "pyppeteer" }, { name = "python-dotenv" }, + { name = "pyyaml" }, { name = "requests" }, + { name = "requests-aws4auth" }, { name = "scikit-learn" }, + { name = "tqdm" }, ] [package.metadata] requires-dist = [ { name = "azure-identity", specifier = ">=1.25.1" }, + { name = "boto3", specifier = ">=1.35.0" }, { name = "ipython", specifier = ">=9.6.0" }, { name = "langchain", specifier = ">=1.0.1" }, { name = "langchain-anthropic", specifier = ">=1.0.0" }, + { name = "langchain-aws", specifier = ">=1.0.0" }, { name = "langchain-chroma", specifier = ">=1.0.0" }, { name = "langchain-community", specifier = ">=0.4" }, { name = "langchain-openai", specifier = ">=1.0.1" }, @@ -277,11 +285,15 @@ requires-dist = [ { name = "notebook", specifier = ">=7.4.7" }, { name = "openai", specifier = ">=2.6.0" }, { name = "openevals", specifier = ">=0.1.0" }, + { name = "opensearch-py", specifier = ">=3.0.0" }, { name = "protobuf", specifier = ">=6.33.0" }, { name = "pyppeteer", specifier = ">=2.0.0" }, { name = "python-dotenv", specifier = ">=1.1.1" }, + { name = "pyyaml", specifier = ">=6.0.2" }, { name = "requests", specifier = ">=2.32.5" }, + { name = "requests-aws4auth", specifier = ">=1.3.1" }, { name = "scikit-learn", specifier = ">=1.7.2" }, + { name = "tqdm", specifier = ">=4.67.1" }, ] [[package]] @@ -439,6 +451,34 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/0b/01/dccc277c014f171f61a6047bb22c684e16c7f2db6bb5c8cce1feaf41ec55/blockbuster-1.5.25-py3-none-any.whl", hash = "sha256:cb06229762273e0f5f3accdaed3d2c5a3b61b055e38843de202311ede21bb0f5", size = 13196, upload-time = "2025-07-14T16:00:19.396Z" }, ] +[[package]] +name = "boto3" +version = "1.40.74" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "botocore" }, + { name = "jmespath" }, + { name = "s3transfer" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/a2/37/0db5fc46548b347255310893f1a47971a1d8eb0dbc46dfb5ace8a1e7d45e/boto3-1.40.74.tar.gz", hash = "sha256:484e46bf394b03a7c31b34f90945ebe1390cb1e2ac61980d128a9079beac87d4", size = 111592, upload-time = "2025-11-14T20:29:10.991Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/d2/08/c52751748762901c0ca3c3019e3aa950010217f0fdf9940ebe68e6bb2f5a/boto3-1.40.74-py3-none-any.whl", hash = "sha256:41fc8844b37ae27b24bcabf8369769df246cc12c09453988d0696ad06d6aa9ef", size = 139360, upload-time = "2025-11-14T20:29:09.477Z" }, +] + +[[package]] +name = "botocore" +version = "1.40.74" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "jmespath" }, + { name = "python-dateutil" }, + { name = "urllib3" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/81/dc/0412505f05286f282a75bb0c650e525ddcfaf3f6f1a05cd8e99d32a2db06/botocore-1.40.74.tar.gz", hash = "sha256:57de0b9ffeada06015b3c7e5186c77d0692b210d9e5efa294f3214df97e2f8ee", size = 14452479, upload-time = "2025-11-14T20:29:00.949Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/7d/a2/306dec16e3c84f3ca7aaead0084358c1c7fbe6501f6160844cbc93bc871e/botocore-1.40.74-py3-none-any.whl", hash = "sha256:f39f5763e35e75f0bd91212b7b36120b1536203e8003cd952ef527db79702b15", size = 14117911, upload-time = "2025-11-14T20:28:58.153Z" }, +] + [[package]] name = "build" version = "1.3.0" @@ -760,6 +800,14 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/b0/0d/9feae160378a3553fa9a339b0e9c1a048e147a4127210e286ef18b730f03/durationpy-0.10-py3-none-any.whl", hash = "sha256:3b41e1b601234296b4fb368338fdcd3e13e0b4fb5b67345948f4f2bf9868b286", size = 3922, upload-time = "2025-05-17T13:52:36.463Z" }, ] +[[package]] +name = "events" +version = "0.5" +source = { registry = "https://pypi.org/simple" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/25/ed/e47dec0626edd468c84c04d97769e7ab4ea6457b7f54dcb3f72b17fcd876/Events-0.5-py3-none-any.whl", hash = "sha256:a7286af378ba3e46640ac9825156c93bdba7502174dd696090fdfcd4d80a1abd", size = 6758, upload-time = "2023-07-31T08:23:13.645Z" }, +] + [[package]] name = "executing" version = "2.2.1" @@ -1299,6 +1347,15 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/dd/01/43f7b4eb61db3e565574c4c5714685d042fb652f9eef7e5a3de6aafa943a/jiter-0.11.1-cp314-cp314t-win_arm64.whl", hash = "sha256:28e4fdf2d7ebfc935523e50d1efa3970043cfaa161674fe66f9642409d001dfe", size = 188069, upload-time = "2025-10-17T11:30:43.23Z" }, ] +[[package]] +name = "jmespath" +version = "1.0.1" +source = { registry = "https://pypi.org/simple" } +sdist = { url = "https://files.pythonhosted.org/packages/00/2a/e867e8531cf3e36b41201936b7fa7ba7b5702dbef42922193f05c8976cd6/jmespath-1.0.1.tar.gz", hash = "sha256:90261b206d6defd58fdd5e85f478bf633a2901798906be2ad389150c5c60edbe", size = 25843, upload-time = "2022-06-17T18:00:12.224Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/31/b4/b9b800c45527aadd64d5b442f9b932b00648617eb5d63d2c7a6587b7cafc/jmespath-1.0.1-py3-none-any.whl", hash = "sha256:02e2e4cc71b5bcab88332eebf907519190dd9e6e82107fa7f83b1003a6252980", size = 20256, upload-time = "2022-06-17T18:00:10.251Z" }, +] + [[package]] name = "joblib" version = "1.5.2" @@ -1595,6 +1652,21 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/05/59/96b4edcca672875af4e60c3cafc2b6bbd6e9656a965dfb3543c758c0fbce/langchain_anthropic-1.0.0-py3-none-any.whl", hash = "sha256:455094c91d5c1d573830d023c964e1f2f8232e9c6c95df20468c8f9dc4ff9a50", size = 46403, upload-time = "2025-10-17T14:07:19.04Z" }, ] +[[package]] +name = "langchain-aws" +version = "1.0.0" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "boto3" }, + { name = "langchain-core" }, + { name = "numpy" }, + { name = "pydantic" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/90/52/7e57fb7fc34c386625f66f0ab31da9cf2788b03ef15ae78ccd4c627b30cf/langchain_aws-1.0.0.tar.gz", hash = "sha256:597342bda0e7384e13590e9ab69c872ddcfbbf07d81ac6bb0f8a67970252212e", size = 214146, upload-time = "2025-10-17T19:06:49.001Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/67/5d/5b3c07780a8eb4b916ffe504893896f87f318924c86dcbeb89562baa2d20/langchain_aws-1.0.0-py3-none-any.whl", hash = "sha256:68f6965b5030d0779b02e731ce1c910a5f4518bfe0e2ae82999a5342bc46dbd5", size = 150400, upload-time = "2025-10-17T19:06:47.926Z" }, +] + [[package]] name = "langchain-chroma" version = "1.0.0" @@ -2354,6 +2426,22 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/5e/10/5a340aa03999f8e1e89b7bb7f34de27d195219f207a2e311e8f1655d1075/openevals-0.1.0-py3-none-any.whl", hash = "sha256:214b53197b1becff74279ea063c8752f8887a81afda700477639c19a0d683647", size = 62693, upload-time = "2025-05-08T23:30:08.22Z" }, ] +[[package]] +name = "opensearch-py" +version = "3.0.0" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "certifi" }, + { name = "events" }, + { name = "python-dateutil" }, + { name = "requests" }, + { name = "urllib3" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/b8/58/ecec7f855aae7bcfb08f570088c6cb993f68c361a0727abab35dbf021acb/opensearch_py-3.0.0.tar.gz", hash = "sha256:ebb38f303f8a3f794db816196315bcddad880be0dc75094e3334bc271db2ed39", size = 248890, upload-time = "2025-06-17T05:39:48.453Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/71/e0/69fd114c607b0323d3f864ab4a5ecb87d76ec5a172d2e36a739c8baebea1/opensearch_py-3.0.0-py3-none-any.whl", hash = "sha256:842bf5d56a4a0d8290eda9bb921c50f3080e5dc4e5fefb9c9648289da3f6a8bb", size = 371491, upload-time = "2025-06-17T05:39:46.539Z" }, +] + [[package]] name = "opentelemetry-api" version = "1.38.0" @@ -3219,6 +3307,18 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/1e/db/4254e3eabe8020b458f1a747140d32277ec7a271daf1d235b70dc0b4e6e3/requests-2.32.5-py3-none-any.whl", hash = "sha256:2462f94637a34fd532264295e186976db0f5d453d1cdd31473c85a6a161affb6", size = 64738, upload-time = "2025-08-18T20:46:00.542Z" }, ] +[[package]] +name = "requests-aws4auth" +version = "1.3.1" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "requests" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/e5/0e/af3754c15e79a6279df256b56a805f8c7512f641839f68c2aa63dafc8f3c/requests_aws4auth-1.3.1.tar.gz", hash = "sha256:b6ad4882310e03ba2538ebf94d1f001ca9feabc5c52618539cf1eb6d5af76791", size = 25886, upload-time = "2024-07-21T21:29:15.383Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/57/41/bd1b81fd1e5a59c3afdf50c678a028498dd7c4197637f27406be0d1b55d2/requests_aws4auth-1.3.1-py3-none-any.whl", hash = "sha256:2969b5379ae6e60ee666638caf6cb94a32d67033f6bfcf0d50c95cd5474f2419", size = 24584, upload-time = "2024-07-21T21:29:14.216Z" }, +] + [[package]] name = "requests-oauthlib" version = "2.0.0" @@ -3368,6 +3468,18 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/64/8d/0133e4eb4beed9e425d9a98ed6e081a55d195481b7632472be1af08d2f6b/rsa-4.9.1-py3-none-any.whl", hash = "sha256:68635866661c6836b8d39430f97a996acbd61bfa49406748ea243539fe239762", size = 34696, upload-time = "2025-04-16T09:51:17.142Z" }, ] +[[package]] +name = "s3transfer" +version = "0.14.0" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "botocore" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/62/74/8d69dcb7a9efe8baa2046891735e5dfe433ad558ae23d9e3c14c633d1d58/s3transfer-0.14.0.tar.gz", hash = "sha256:eff12264e7c8b4985074ccce27a3b38a485bb7f7422cc8046fee9be4983e4125", size = 151547, upload-time = "2025-09-09T19:23:31.089Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/48/f0/ae7ca09223a81a1d890b2557186ea015f6e0502e9b8cb8e1813f1d8cfa4e/s3transfer-0.14.0-py3-none-any.whl", hash = "sha256:ea3b790c7077558ed1f02a3072fb3cb992bbbd253392f4b6e9e8976941c7d456", size = 85712, upload-time = "2025-09-09T19:23:30.041Z" }, +] + [[package]] name = "scikit-learn" version = "1.7.2"